From 0ac89d3283e59e0fe8cae422fd0a5007d972bd32 Mon Sep 17 00:00:00 2001 From: Artur Paniukov Date: Fri, 27 Sep 2024 15:02:47 +0400 Subject: [PATCH] Add Skip Tokens Node (#264) * [WIP] Add Skip Tokens Node * Add Skip Tokens Node * Ruff format * Fix re2 segfault * Fix re2 pattern issue * Fix merges is bytes * Fixes for transformers 4.45 --- README.md | 262 +- benchmark/benchmark.py | 3 + python/openvino_tokenizers/cli.py | 3 +- python/openvino_tokenizers/constants.py | 9 +- .../openvino_tokenizers/convert_tokenizer.py | 3 +- python/openvino_tokenizers/hf_parser.py | 29 +- python/openvino_tokenizers/tiktoken_parser.py | 8 - .../openvino_tokenizers/tokenizer_pipeline.py | 210 +- python/openvino_tokenizers/utils.py | 21 +- src/byte_fallback.cpp | 4 +- src/bytes_to_chars.cpp | 38 +- src/case_fold.cpp | 15 +- src/normalize_unicode.cpp | 10 +- src/ov_extension.cpp | 1 + src/ragged_to_dense.hpp | 4 +- src/regex_normalization.cpp | 60 +- src/regex_normalization.hpp | 12 +- src/regex_split.cpp | 57 +- src/special_tokens_split.cpp | 152 + src/special_tokens_split.hpp | 45 + src/tokenizer.hpp | 1 + src/utils.cpp | 39 +- src/utils.hpp | 3 +- tests/layer_tests.py | 36 +- tests/pass_rates.json | 2 +- tests/stats.json | 34043 ++++++++-------- tests/tokenizers_test.py | 8 +- 27 files changed, 17369 insertions(+), 17709 deletions(-) create mode 100644 src/special_tokens_split.cpp create mode 100644 src/special_tokens_split.hpp diff --git a/README.md b/README.md index 5da61f181..5ee374e1f 100644 --- a/README.md +++ b/README.md @@ -459,23 +459,23 @@ This report is autogenerated and includes tokenizers and detokenizers tests. The BPE - 95.57 - 5932 + 96.58 + 6076 SentencePiece - 88.23 - 6534 + 88.67 + 7123 Tiktoken - 99.19 - 494 + 100.00 + 261 WordPiece - 99.10 - 1327 + 99.11 + 1353 @@ -495,404 +495,404 @@ This report is autogenerated and includes tokenizers and detokenizers tests. The BPE EleutherAI/gpt-j-6b - 95.29 - 255 + 95.40 + 261 BPE EleutherAI/gpt-neo-125m - 95.29 - 255 + 95.40 + 261 BPE EleutherAI/gpt-neox-20b - 95.82 - 239 + 95.92 + 245 BPE EleutherAI/pythia-12b-deduped - 95.82 - 239 + 95.92 + 245 BPE KoboldAI/fairseq-dense-13B - 96.65 - 239 + 96.73 + 245 BPE NousResearch/Meta-Llama-3-8B-Instruct 100.00 - 241 + 247 BPE Salesforce/codegen-16B-multi - 96.08 - 255 + 96.17 + 261 BPE Xenova/gpt-4o 100.00 - 255 + 261 BPE ai-forever/rugpt3large_based_on_gpt2 - 94.51 - 255 + 94.64 + 261 BPE bigscience/bloom - 97.49 - 239 + 97.55 + 245 BPE databricks/dolly-v2-3b - 95.82 - 239 + 95.92 + 245 BPE deepseek-ai/deepseek-coder-6.7b-instruct - 100.00 - 257 + 99.24 + 263 BPE facebook/bart-large-mnli - 95.29 - 255 + 95.40 + 261 BPE facebook/galactica-120b - 95.82 - 239 + 95.92 + 245 BPE facebook/opt-66b - 96.65 - 239 + 96.73 + 245 BPE gpt2 - 95.29 - 255 + 95.40 + 261 BPE laion/CLIP-ViT-bigG-14-laion2B-39B-b160k - 75.29 - 255 + 98.47 + 261 BPE microsoft/deberta-base - 96.65 - 239 + 96.73 + 245 BPE roberta-base - 95.29 - 255 + 95.40 + 261 BPE sentence-transformers/all-roberta-large-v1 - 95.29 - 255 + 95.40 + 261 BPE stabilityai/stablecode-completion-alpha-3b-4k - 95.82 - 239 + 95.92 + 245 BPE stabilityai/stablelm-2-1_6b 100.00 - 239 + 245 BPE stabilityai/stablelm-tuned-alpha-7b - 95.82 - 239 + 95.92 + 245 BPE tiiuae/falcon-7b - 94.51 - 255 + 93.87 + 261 SentencePiece NousResearch/Llama-2-13b-hf - 96.65 - 239 + 94.29 + 245 SentencePiece NousResearch/Llama-2-13b-hf_legacy - 100.00 - 239 + 97.55 + 245 SentencePiece NousResearch/Llama-2-13b-hf_sp_backend - 100.00 - 239 + 97.55 + 245 SentencePiece - THUDM/chatglm2-6b_legacy - 100.00 - 153 + TinyLlama/TinyLlama-1.1B-Chat-v1.0 + 96.76 + 247 + + + SentencePiece + TinyLlama/TinyLlama-1.1B-Chat-v1.0_legacy + 95.14 + 247 SentencePiece - THUDM/chatglm3-6b_legacy - 50.97 - 155 + TinyLlama/TinyLlama-1.1B-Chat-v1.0_sp_backend + 94.33 + 247 SentencePiece camembert-base - 52.30 - 239 + 52.24 + 245 SentencePiece camembert-base_legacy - 76.15 - 239 + 75.51 + 245 SentencePiece codellama/CodeLlama-7b-hf - 96.65 - 239 + 96.73 + 245 SentencePiece codellama/CodeLlama-7b-hf_legacy - 96.65 - 239 + 95.92 + 245 SentencePiece codellama/CodeLlama-7b-hf_sp_backend - 94.98 - 239 + 94.29 + 245 SentencePiece facebook/musicgen-small - 84.52 - 239 + 83.67 + 245 SentencePiece facebook/musicgen-small_legacy - 79.92 - 239 + 78.37 + 245 SentencePiece microsoft/Phi-3-mini-128k-instruct - 95.85 - 241 + 95.95 + 247 SentencePiece microsoft/Phi-3-mini-128k-instruct_legacy - 95.85 - 241 + 94.33 + 247 SentencePiece microsoft/Phi-3-mini-128k-instruct_sp_backend - 94.19 - 241 + 95.14 + 247 SentencePiece microsoft/deberta-v3-base - 96.65 - 239 + 96.73 + 245 SentencePiece microsoft/deberta-v3-base_legacy 100.00 - 239 + 245 SentencePiece mlx-community/quantized-gemma-7b-it - 99.17 - 241 + 96.76 + 247 SentencePiece mlx-community/quantized-gemma-7b-it_legacy - 99.17 - 241 + 97.57 + 247 SentencePiece mlx-community/quantized-gemma-7b-it_sp_backend - 100.00 - 241 + 97.57 + 247 SentencePiece rinna/bilingual-gpt-neox-4b - 80.75 - 239 + 80.41 + 245 SentencePiece rinna/bilingual-gpt-neox-4b_legacy - 86.61 - 239 + 86.12 + 245 SentencePiece t5-base - 85.77 - 239 + 85.31 + 245 SentencePiece t5-base_legacy - 81.17 - 239 + 80.00 + 245 SentencePiece xlm-roberta-base - 96.23 - 239 + 95.10 + 245 SentencePiece xlm-roberta-base_legacy - 96.23 - 239 + 95.10 + 245 SentencePiece xlnet-base-cased - 65.27 - 239 + 64.49 + 245 SentencePiece xlnet-base-cased_legacy - 59.41 - 239 + 57.96 + 245 Tiktoken Qwen/Qwen-14B-Chat 100.00 - 255 - - - Tiktoken - THUDM/glm-4-9b - 98.33 - 239 + 261 WordPiece ProsusAI/finbert 100.00 - 107 + 109 WordPiece bert-base-multilingual-cased 100.00 - 107 + 109 WordPiece bert-base-uncased 100.00 - 107 + 109 WordPiece cointegrated/rubert-tiny2 100.00 - 107 + 109 WordPiece distilbert-base-uncased-finetuned-sst-2-english 100.00 - 107 + 109 WordPiece google/electra-base-discriminator 100.00 - 107 + 109 WordPiece google/mobilebert-uncased 100.00 - 91 + 93 WordPiece jhgan/ko-sbert-sts 100.00 - 107 + 109 WordPiece prajjwal1/bert-mini 100.00 - 91 + 93 WordPiece rajiv003/ernie-finetuned-qqp 100.00 - 91 + 93 WordPiece rasa/LaBSE - 88.79 - 107 + 88.99 + 109 WordPiece sentence-transformers/all-MiniLM-L6-v2 100.00 - 107 + 109 WordPiece squeezebert/squeezebert-uncased 100.00 - 91 + 93 diff --git a/benchmark/benchmark.py b/benchmark/benchmark.py index 201fda88c..9bc52378d 100644 --- a/benchmark/benchmark.py +++ b/benchmark/benchmark.py @@ -196,7 +196,10 @@ def main( if per_layer_stats: config[properties.enable_profiling()] = True + start_compile = perf_counter() ov_tokenizer = compile_model(convert_tokenizer(hf_tokenizer), "CPU", config) + end_compile = perf_counter() + print(f"Time to compile tokenizer model: {end_compile - start_compile}s") dataset = sample_texts(dataset, batch * num_pairs) result_df = benchmark_tokenizers(ov_tokenizer, hf_tokenizer, dataset, per_layer_stats, batch) diff --git a/python/openvino_tokenizers/cli.py b/python/openvino_tokenizers/cli.py index 11fda2f5c..a34d5e57a 100644 --- a/python/openvino_tokenizers/cli.py +++ b/python/openvino_tokenizers/cli.py @@ -10,6 +10,7 @@ from openvino_tokenizers import convert_tokenizer from openvino_tokenizers.constants import UTF8ReplaceMode + class StringToTypeAction(Action): string_to_type_dict = { "i32": Type.i32, @@ -223,7 +224,7 @@ def get_parser() -> ArgumentParser: help=( "If specified then resulting strings during decoding are checked if sequence of bytes is a valid UTF-8 sequence. " f"If mode is '{UTF8ReplaceMode.REPLACE}' then invalid characters are replaced with �, if mode is '{UTF8ReplaceMode.IGNORE}' then invalid character are skipped." - ) + ), ) return parser diff --git a/python/openvino_tokenizers/constants.py b/python/openvino_tokenizers/constants.py index 00cbf0f25..e55f0c16e 100644 --- a/python/openvino_tokenizers/constants.py +++ b/python/openvino_tokenizers/constants.py @@ -1,6 +1,8 @@ # -*- coding: utf-8 -*- # Copyright (C) 2023-2024 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +from enum import Enum + ATTENTION_MASK_INPUT_NAME = "attention_mask" TOKEN_IDS_INPUT_NAME = "input_ids" @@ -33,10 +35,9 @@ MIN_CACHE_CAPACITY = 20_000 VOCAB_SIZE_CACHE_PROPORTION = 0.2 -from enum import Enum class UTF8ReplaceMode(Enum): - IGNORE: str = 'ignore' - REPLACE: str = 'replace' - + IGNORE: str = "ignore" + REPLACE: str = "replace" + def __str__(self): return self.value diff --git a/python/openvino_tokenizers/convert_tokenizer.py b/python/openvino_tokenizers/convert_tokenizer.py index 21cb5b63a..31199aa28 100644 --- a/python/openvino_tokenizers/convert_tokenizer.py +++ b/python/openvino_tokenizers/convert_tokenizer.py @@ -9,8 +9,9 @@ from openvino.runtime import Model, Type from openvino.runtime.exceptions import OVTypeError -from openvino_tokenizers.utils import change_inputs_type, change_outputs_type, update_rt_info from openvino_tokenizers.constants import UTF8ReplaceMode +from openvino_tokenizers.utils import change_inputs_type, change_outputs_type, update_rt_info + logger = logging.getLogger(__name__) diff --git a/python/openvino_tokenizers/hf_parser.py b/python/openvino_tokenizers/hf_parser.py index d28115ad3..ccf0c2e83 100644 --- a/python/openvino_tokenizers/hf_parser.py +++ b/python/openvino_tokenizers/hf_parser.py @@ -30,7 +30,7 @@ TOKEN_IDS_INPUT_NAME, TOKEN_TYPE_IDS_INPUT_NAME, TOKENIZER_NAME, - UTF8ReplaceMode + UTF8ReplaceMode, ) from .tokenizer_pipeline import ( AddToken, @@ -43,7 +43,6 @@ CombineSegmentsStep, DecodingStep, FuseStep, - UTF8ValidateStep, NMTNormalizationStep, NormalizationStep, NormalizeUnicode, @@ -53,9 +52,11 @@ RegexNormalizationStep, RegexSplitStep, Sequence, + SpecialTokensSplit, StripStringStep, TokenizerPipeline, TruncationStep, + UTF8ValidateStep, VocabDecoderStep, WhitespaceSplitStep, WordPieceTokenizationStep, @@ -120,9 +121,6 @@ def parse_byte_level_pretokenization_step( # regex is used by default, but it does not appear in config yet if pretokenizer_dict.get("use_regex", True): - # re2 does not support negative lookahead, so there is two steps replicate the behaviour - # this WA causes segfault for CLIP tokenizer - # steps.append(RegexSplitStep.add_whitespace_to_the_next_word()) steps.append(RegexSplitStep.byte_level_splitter()) steps.append(BytesToCharsStep()) @@ -174,11 +172,11 @@ def parse( 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 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, @@ -194,6 +192,9 @@ def parse( return self.pipeline + def special_tokens_split(self) -> None: + self.pipeline.add_steps(SpecialTokensSplit.from_hf_tokenizer(self.original_tokenizer)) + normalizers_map: Dict[ str, Callable[[Dict[str, Any]], Union[NormalizationStep, List[NormalizationStep]]], @@ -412,19 +413,20 @@ def decoding( self.pipeline.add_steps(CharsToBytesStep()) else: self.pipeline.add_steps(FuseStep()) - + if utf8_replace_mode is not None: self.pipeline.add_steps(UTF8ValidateStep(mode=utf8_replace_mode)) + if clean_up_tokenization_spaces is None: + 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)) + self.pipeline.add_steps(RegexDecodingStep.rstrip_space()) 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 is None: - clean_up_tokenization_spaces = self.original_tokenizer.clean_up_tokenization_spaces - if clean_up_tokenization_spaces and self.pipeline.decoding_steps: self.pipeline.add_steps(RegexDecodingStep.clean_up_tokenization_spaces()) return @@ -1036,7 +1038,7 @@ def get_sp_detokenizer( if clean_up_tokenization_spaces: detokenizer = RegexDecodingStep.clean_up_tokenization_spaces().get_ov_subgraph(detokenizer) - if utf8_replace_mode is not None: + if utf8_replace_mode is not None: replace_mode = True if utf8_replace_mode is UTF8ReplaceMode.REPLACE else False UTF8ValidateStep(mode=replace_mode).get_ov_subgraph(detokenizer) @@ -1085,6 +1087,7 @@ def convert_tiktoken_model_tokenizer( reference_vocab = getattr(hf_tokenizer, "get_vocab", lambda: None)() pipeline.add_steps( [ + SpecialTokensSplit.from_hf_tokenizer(hf_tokenizer), NormalizeUnicode("NFC"), RegexSplitStep(split_pattern, behaviour="contiguous"), BPETokenizationStep.from_tiktoken_encoding(encoding, reference_vocab=reference_vocab), @@ -1100,7 +1103,7 @@ def convert_tiktoken_model_tokenizer( ) # (chat)GLM model adds spaces around token - decoder_vocab = pipeline[2].vocab + decoder_vocab = pipeline[3].vocab sop_index = next((idx for idx, token in enumerate(decoder_vocab) if token == ""), None) if sop_index is not None: decoder_vocab[sop_index] = " " @@ -1113,7 +1116,7 @@ def convert_tiktoken_model_tokenizer( ) if utf8_replace_mode is not None: - pipeline.add_steps(UTF8ValidateStep(mode=utf8_replace_mode)), + (pipeline.add_steps(UTF8ValidateStep(mode=utf8_replace_mode)),) if clean_up_tokenization_spaces is None: clean_up_tokenization_spaces = getattr(hf_tokenizer, "clean_up_tokenization_spaces", None) diff --git a/python/openvino_tokenizers/tiktoken_parser.py b/python/openvino_tokenizers/tiktoken_parser.py index 0a31124e8..120563c51 100644 --- a/python/openvino_tokenizers/tiktoken_parser.py +++ b/python/openvino_tokenizers/tiktoken_parser.py @@ -2,14 +2,6 @@ from tiktoken import Encoding -from .utils import bytes_to_unicode - - -# https://gist.github.com/xenova/a452a6474428de0182b17605a98631ee -def token_bytes_to_string(b: bytes) -> str: - byte_encoder = bytes_to_unicode() - return "".join(byte_encoder[ord(char)] for char in b.decode("latin-1")) - def bpe(mergeable_ranks: Dict[bytes, int], token: bytes, max_rank: Optional[int] = None) -> List[bytes]: parts = [bytes([b]) for b in token] diff --git a/python/openvino_tokenizers/tokenizer_pipeline.py b/python/openvino_tokenizers/tokenizer_pipeline.py index b30e6751a..a66c9a789 100644 --- a/python/openvino_tokenizers/tokenizer_pipeline.py +++ b/python/openvino_tokenizers/tokenizer_pipeline.py @@ -9,8 +9,8 @@ from copy import copy from dataclasses import dataclass, field from functools import singledispatchmethod -from itertools import chain, islice, takewhile -from typing import Any, Dict, Generator, Iterable, List, Optional, Tuple, Union +from itertools import islice +from typing import Any, Dict, Iterable, List, Optional, Tuple, Union import numpy as np from openvino.runtime import Model, Output, PartialShape, Type, op @@ -28,10 +28,10 @@ TOKEN_TYPE_IDS_INPUT_NAME, TOKENIZER_NAME, VOCAB_SIZE_CACHE_PROPORTION, - UTF8ReplaceMode + UTF8ReplaceMode, ) from .str_pack import pack_string, pack_strings -from .utils import apply_bytes_to_unicode, generate_tokens_with_space_symbols, has_incompatible_re2_op +from .utils import apply_unicode_to_bytes, generate_tokens_with_space_symbols, has_incompatible_re2_op, quote_meta logger = logging.getLogger(__name__) @@ -80,6 +80,74 @@ def finalize(self) -> None: return +@dataclass(frozen=True, order=True) +class SpecialToken: + text: str + strip_left: bool = False + strip_right: bool = False + + def regex_repr(self) -> str: + # operation has to be rewritten with RE2:Set in order to support multiple + return r"(?:\s*)" * self.strip_left + f"({quote_meta(self.text)})" + r"(?:\s*)" * self.strip_right + + +@dataclass +class SpecialTokensSplit(BasePipelineStep): + special_tokens: List[SpecialToken] = field(default_factory=list) + + def __post_init__(self) -> None: + if self.special_tokens: + self.special_tokens = sorted(self.special_tokens, reverse=True) + + @classmethod + def from_string_iter(cls, strings: Iterable[str]) -> "SpecialTokensSplit": + return cls([SpecialToken(string) for string in strings]) + + @classmethod + def from_hf_tokenizer(cls, hf_tokenizer) -> "SpecialTokensSplit": + added_tokens = {} + + if hasattr(hf_tokenizer, "special_tokens"): + added_tokens.update( + { + idx: SpecialToken(token) + for token, idx in sorted(hf_tokenizer.special_tokens.items(), key=lambda x: x[1]) + } + ) + # if padding and unk tokens share the same index, use unk + if hf_tokenizer.unk_token is not None and hf_tokenizer.unk_token not in ( + token.text for token in added_tokens.values() + ): + unk_token_id = hf_tokenizer.unk_token_id or hf_tokenizer.pad_token_id + added_tokens[unk_token_id] = hf_tokenizer.unk_token + + if hasattr(hf_tokenizer, "tokenizer") and hasattr(hf_tokenizer.tokenizer, "index_special_tokens"): + added_tokens.update(hf_tokenizer.tokenizer.index_special_tokens) + + if added_tokens_decoder := getattr(hf_tokenizer, "added_tokens_decoder", False): + added_tokens.update( + { + idx: SpecialToken( + text=added_token.content, + strip_left=added_token.lstrip, + strip_right=added_token.rstrip, + ) + for idx, added_token in added_tokens_decoder.items() + } + ) + + return cls(special_tokens=list(added_tokens.values())) + + def get_ov_subgraph(self, input_nodes: List[Output]) -> List[Output]: + if not self.special_tokens: + return list(input_nodes) + + split_pattern = "|".join(token.regex_repr() for token in self.special_tokens) + input_nodes.extend(self.create_string_constant_node(split_pattern).outputs()) + + return _get_factory().create("SpecialTokensSplit", input_nodes).outputs() + + @dataclass class NormalizationStep(BasePipelineStep): pass @@ -206,7 +274,6 @@ class RegexSplitStep(PreTokenizatinStep): invert: bool = False behaviour: str = "remove" max_splits: int = -1 - skip_tokens: List[str] = field(default_factory=list, repr=False) def __post_init__(self): if self.max_splits < -1: @@ -292,32 +359,8 @@ def punctuation_splitter(cls, behaviour="isolate") -> "RegexSplitStep": behaviour=behaviour, ) - @classmethod - def special_tokens_splitter(cls, special_tokens: List[str]) -> "RegexSplitStep": - def quote_meta(unquoted: Union[str, bytes]) -> str: - if isinstance(unquoted, bytes): - unquoted = unquoted.decode() - symbols = [] - for char in unquoted: - if not char.isalnum() and char != "_": - symbols.append("\\") - symbols.append(char) - return "".join(symbols) - - return cls(split_pattern="|".join(map(quote_meta, special_tokens)), invert=False, behaviour="isolate") - def get_ov_subgraph(self, input_nodes: List[Output]) -> List[Output]: - if self.skip_tokens: - skip_tokens_outputs = self.create_string_constant_node(self.skip_tokens).outputs() - else: - skip_tokens_outputs = [] - - input_nodes.extend( - ( - *self.create_string_constant_node(self.split_pattern).outputs(), - *skip_tokens_outputs, - ) - ) + input_nodes.extend(self.create_string_constant_node(self.split_pattern).outputs()) return ( _get_factory() .create( @@ -489,37 +532,37 @@ class BPETokenizationStep(TokenizationModelStep): added_tokens: Optional[Union[Dict[str, int], Dict[bytes, int]]] = None def finalize(self) -> None: + pipeline = self.get_pipeline() + + # remove BytesToChars transformation + if pipeline.is_byte_level: + self.vocab = [apply_unicode_to_bytes(token) for token in self.vocab] + pipeline.vocab = self.vocab + if self.merges_are_pairs: + self.merges = [tuple(map(apply_unicode_to_bytes, merge)) for merge in self.merges] + else: + self.merges = [tuple(map(apply_unicode_to_bytes, merge.split(" "))) for merge in self.merges] + + chars_to_bytes_idx = next( + idx for idx, step in enumerate(pipeline.steps) if isinstance(step, CharsToBytesStep) + ) + pipeline.steps.insert(chars_to_bytes_idx, FuseStep()) + pipeline.steps = [ + step for step in pipeline.steps if not isinstance(step, (BytesToCharsStep, CharsToBytesStep)) + ] + if self.added_tokens is None: return - pipeline = self.get_pipeline() - vocab_set = set(self.vocab) for ( token, idx, ) in sorted(self.added_tokens.items(), key=lambda x: (x[1], x[0])): if token not in vocab_set: - if pipeline.is_byte_level: - token = apply_bytes_to_unicode(token) - if isinstance(idx, str): - assert True if idx >= len(self.vocab): self.vocab.append(token) - added_tokens = sorted(self.added_tokens, reverse=True) - - for split_step in pipeline.split_steps: - split_step.skip_tokens = added_tokens - - idx = sum( - 1 - for _ in takewhile( - lambda step: not isinstance(step, (PreTokenizatinStep, TokenizationModelStep)), pipeline.steps - ) - ) - pipeline.steps.insert(idx, RegexSplitStep.special_tokens_splitter(added_tokens)) - @classmethod def from_hf_json(cls, tokenizer_json: Dict[str, Any]) -> "BPETokenizationStep": vocab = [token for token, index in sorted(tokenizer_json["model"]["vocab"].items(), key=lambda x: x[1])] @@ -580,8 +623,8 @@ def from_tiktoken_encoding( ) @property - def merges_is_bytes(self) -> bool: - return self.merges and isinstance(self.merges[0], tuple) + def merges_are_pairs(self) -> bool: + return self.merges and not isinstance(self.merges[0], str) def get_ov_subgraph(self, input_nodes: List[Output]) -> List[Output]: pipeline = self.get_pipeline() @@ -597,7 +640,7 @@ def get_ov_subgraph(self, input_nodes: List[Output]) -> List[Output]: special_tokens_outputs = BytesToCharsStep().get_ov_subgraph(special_tokens_outputs)[-3:] input_nodes.extend(pipeline.vocab_node_outputs) - if self.merges_is_bytes: + if self.merges_are_pairs: left_merges, right_merges = zip(*self.merges) input_nodes.extend( ( @@ -705,15 +748,18 @@ class SpecialTokenWithId: token: Optional[str] = None _token_id: Optional[int] = None - def set_token_id(self, vocab: Optional[List[str]], is_byte_level: bool = False) -> None: - token = apply_bytes_to_unicode(self.token) if is_byte_level else self.token - if self._token_id is None and vocab is not None and token in vocab: - self._token_id = vocab.index(token) + def set_token_id(self, vocab: Optional[List[str]]) -> None: + if self._token_id is None and vocab is not None and self.token in vocab: + self._token_id = vocab.index(self.token) @property def token_id(self) -> Optional[int]: return self._token_id + @token_id.setter + def token_id(self, value: int) -> None: + self._token_id = value + @dataclass class TokenWithTypeId: @@ -748,12 +794,12 @@ def __post_init__(self): def finalize(self) -> None: pipeline = self.get_pipeline() - self.set_tokens_ids(vocab=pipeline.vocab, is_byte_level=pipeline.is_byte_level) + self.set_tokens_ids(vocab=pipeline.vocab) - def set_tokens_ids(self, vocab: Optional[List[int]], is_byte_level: bool = False) -> None: + def set_tokens_ids(self, vocab: Optional[List[int]]) -> None: for input_ in self.inputs: if isinstance(input_, AddToken) and input_.token_id is None: - input_.set_token_id(vocab, is_byte_level) + input_.set_token_id(vocab) @property def number_of_added_tokens(self) -> int: @@ -775,6 +821,8 @@ def from_hf_json_template_postprocessor( token=template_dict["SpecialToken"]["id"], token_type_id=template_dict["SpecialToken"]["type_id"], ) + if special_tokens := post_processor_dict.get("special_tokens", False): + step.token_id = next(iter(special_tokens.get(step.token, {}).get("ids", [None]))) inputs.append(step) elif "Sequence" in template_dict: inputs.append(Sequence(token_type_id=template_dict["Sequence"]["type_id"])) @@ -823,8 +871,12 @@ def from_hf_json_roberta_processor( if not add_special_tokens or not post_processor_dict.get("add_special_tokens", True): return cls(inputs) - inputs.insert(0, AddToken(token=post_processor_dict["cls"][0], token_type_id=0)) - inputs.append(AddToken(token=post_processor_dict["sep"][0], 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) + ) + inputs.append( + AddToken(token=post_processor_dict["sep"][0], _token_id=post_processor_dict["sep"][1], token_type_id=0) + ) return cls(inputs) def validate_inputs(self, input_nodes: List[Output]) -> None: @@ -978,14 +1030,16 @@ def get_ov_subgraph(self, input_nodes: List[Output]) -> List[Output]: *input_nodes, chars_node = input_nodes return _get_factory().create("FuzeRagged", input_nodes, {}).outputs() + [chars_node] + @dataclass class UTF8ValidateStep(DecodingStep): mode: UTF8ReplaceMode = UTF8ReplaceMode.IGNORE - + def get_ov_subgraph(self, input_nodes: List[Output]) -> List[Output]: replace_mode = True if self.mode is UTF8ReplaceMode.REPLACE else False return _get_factory().create("UTF8Validate", input_nodes, {"replace_mode": replace_mode}).outputs() - + + @dataclass class ByteFallbackStep(DecodingStep): def get_ov_subgraph(self, input_nodes: List[Output]) -> List[Output]: @@ -1026,6 +1080,13 @@ def parse_strip_dict(cls, replace_dict: Dict[str, Any]) -> "RegexDecodingStep": return cls(regex_search_pattern=f"^{content}", replace_term="") + @classmethod + def rstrip_space(cls) -> "RegexDecodingStep": + return cls( + regex_search_pattern=r" $", + replace_term="", + ) + @classmethod def strip_forward_space(cls) -> "RegexDecodingStep": return cls( @@ -1080,6 +1141,7 @@ def replace_sp_spaces(cls) -> "RegexDecodingStep": class TokenizerPipeline: steps: List[BasePipelineStep] = field(default_factory=list) vocab: Optional[List[str]] = field(default=None, repr=False) + added_tokens: Optional[List[str]] = field(default=None, repr=False) skip_tokens: Optional[List[int]] = field(default=None, repr=False) number_of_inputs: int = 1 vocab_node_outputs: Optional[List[Output]] = field(default=None, repr=False) @@ -1118,13 +1180,27 @@ def get_tokenizer_ov_subgraph(self) -> Model: processing_outputs = [] for input_node in string_inputs: input_node = _get_factory().create("StringTensorUnpack", input_node.outputs()).outputs() + + ragged = [] + if isinstance(self.steps[0], SpecialTokensSplit): + input_node = self.add_ragged_dimension(input_node) + input_node = self.steps[0].get_ov_subgraph(input_node) + ragged, input_node = input_node[:2], input_node[2:] + for step in self.normalization_steps: input_node = step.get_ov_subgraph(input_node) - input_node = self.add_ragged_dimension(input_node) - for step in chain(self.pre_tokenization_steps, self.tokenization_steps): + if not ragged: + input_node = self.add_ragged_dimension(input_node) + else: + input_node = ragged + input_node + + for step in self.pre_tokenization_steps: input_node = step.get_ov_subgraph(input_node) + for step in self.tokenization_steps: + input_node = step.get_ov_subgraph(input_node[:-1]) + processing_outputs.extend(input_node) for step in self.post_tokenization_steps: @@ -1149,10 +1225,6 @@ def normalization_steps(self) -> List[NormalizationStep]: def pre_tokenization_steps(self) -> List[PreTokenizatinStep]: return [step for step in self.steps if isinstance(step, PreTokenizatinStep)] - @property - def split_steps(self) -> List[RegexSplitStep]: - return [step for step in self.pre_tokenization_steps if isinstance(step, RegexSplitStep)] - @property def tokenization_steps(self) -> List[TokenizationModelStep]: return [step for step in self.steps if isinstance(step, TokenizationModelStep)] diff --git a/python/openvino_tokenizers/utils.py b/python/openvino_tokenizers/utils.py index ce43aea55..33e174835 100644 --- a/python/openvino_tokenizers/utils.py +++ b/python/openvino_tokenizers/utils.py @@ -141,7 +141,7 @@ def filter_re2_incompatible(pattern: str) -> str: # from transformers.models.gpt2.tokenization_gpt2 @lru_cache() -def bytes_to_unicode() -> Dict[int, str]: +def unicode_to_bytes() -> Dict[str, int]: bs = ( list(range(ord("!"), ord("~") + 1)) + list(range(ord("¡"), ord("¬") + 1)) + list(range(ord("®"), ord("ÿ") + 1)) ) @@ -153,12 +153,12 @@ def bytes_to_unicode() -> Dict[int, str]: cs.append(2**8 + n) n += 1 cs = (chr(n) for n in cs) - return dict(zip(bs, cs)) + return dict(zip(cs, bs)) -def apply_bytes_to_unicode(token: str) -> str: - bytes_to_unicode_dict = bytes_to_unicode() - return "".join(bytes_to_unicode_dict[byte] for char in token for byte in char.encode()) +def apply_unicode_to_bytes(token: str) -> str: + bytes_encoder = unicode_to_bytes() + return bytes(bytes_encoder[char] for char in token) def get_hf_tokenizer_attribute( @@ -186,3 +186,14 @@ def generate_tokens_with_space_symbols(token: str, depth: int = 1): yield new_token if depth > 1: yield from generate_tokens_with_space_symbols(new_token, depth - 1) + + +def quote_meta(unquoted: Union[str, bytes]) -> str: + if isinstance(unquoted, bytes): + unquoted = unquoted.decode("latin1") + symbols = [] + for char in unquoted: + if not char.isalnum() and char != "_": + symbols.append("\\") + symbols.append(char) + return "".join(symbols) diff --git a/src/byte_fallback.cpp b/src/byte_fallback.cpp index 94874e256..e6ca03eed 100644 --- a/src/byte_fallback.cpp +++ b/src/byte_fallback.cpp @@ -9,9 +9,7 @@ using namespace ov; void ByteFallback::validate_and_infer_types() { - OPENVINO_ASSERT(get_input_element_type(0) == element::i32, "Expected an i32 tensor as the first part of the decomposed ragged string representation"); - OPENVINO_ASSERT(get_input_element_type(1) == element::i32, "Expected an i32 tensor as the second part of the decomposed ragged string representation"); - + check_string_input(this, 0); set_string_output(this, 0, get_input_partial_shape(0)); } diff --git a/src/bytes_to_chars.cpp b/src/bytes_to_chars.cpp index 2fcb2a9ef..9fa66f68a 100644 --- a/src/bytes_to_chars.cpp +++ b/src/bytes_to_chars.cpp @@ -271,7 +271,14 @@ const std::array, 256> create_bytes_to_chars_map() { void BytesToChars::validate_and_infer_types() { check_ragged_string_input(this, 0); + + auto input_size = get_input_size(); + OPENVINO_ASSERT(input_size == 5 || input_size == 6, "supported input sizes are 5 or 6"); + set_ragged_string_output(this, 0, get_input_partial_shape(0)); + if (input_size == 6) { + this->set_output_type(5, get_input_element_type(5), get_input_partial_shape(5)); + }; } bool BytesToChars::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inputs) const { @@ -281,7 +288,11 @@ bool BytesToChars::evaluate(ov::TensorVector& outputs, const ov::TensorVector& i auto ends = inputs[3].data(); auto chars = inputs[4].data(); - OPENVINO_ASSERT(inputs.size() == 5, "Too few inputs passed to BytesToChars, it means it is not converted properly or it is not used in the supported pattern"); + const bool has_skips = inputs.size() == 6; + bool * skips; + if (has_skips) { + skips = inputs[5].data(); + }; // Set output shapes outputs[0] = inputs[0]; @@ -289,6 +300,9 @@ bool BytesToChars::evaluate(ov::TensorVector& outputs, const ov::TensorVector& i outputs[2].set_shape(inputs[2].get_shape()); outputs[3].set_shape(inputs[3].get_shape()); outputs[4].set_shape(Shape({inputs[4].get_size() * 2})); + if (has_skips) { + outputs[5] = inputs[5]; + } const size_t num_elems = inputs[0].get_size(); // Get pointers in the output tensors @@ -298,16 +312,28 @@ bool BytesToChars::evaluate(ov::TensorVector& outputs, const ov::TensorVector& i uint32_t char_pointer = 0; for(size_t j = 0; j < num_elems; ++j) { - for(size_t i = ragged_begins[j]; i < ragged_ends[j]; ++i) { const auto word_len = ends[i] - begins[i]; new_begins[i] = char_pointer; - for (size_t k = 0; k < word_len; ++k) { - for (auto byte : m_bytes_to_chars[chars[begins[i] + k]]) { - new_chars[char_pointer++] = byte; + if (has_skips) { + if (skips[i]) { + std::copy(chars + begins[i], chars + ends[i], new_chars + char_pointer); + char_pointer += word_len; + } else { + for (size_t k = 0; k < word_len; ++k) { + for (auto byte : m_bytes_to_chars[chars[begins[i] + k]]) { + new_chars[char_pointer++] = byte; + } + } + } + } else { + for (size_t k = 0; k < word_len; ++k) { + for (auto byte : m_bytes_to_chars[chars[begins[i] + k]]) { + new_chars[char_pointer++] = byte; + } } - } + }; new_ends[i] = char_pointer; } } diff --git a/src/case_fold.cpp b/src/case_fold.cpp index 02ae53937..bd010dd7e 100644 --- a/src/case_fold.cpp +++ b/src/case_fold.cpp @@ -19,9 +19,18 @@ void CaseFold::validate_and_infer_types() { "CaseFold operation `encoding` attribute must be one of [\"\", \"utf-8\"], got `", m_encoding, "`." ); set_string_output(this, 0, get_input_partial_shape(0)); + + auto input_size = get_input_size(); + OPENVINO_ASSERT(input_size == 3 || input_size == 4, "supported input sizes are 5 or 6"); + + if (input_size == 4) { + this->set_output_type(3, get_input_element_type(3), get_input_partial_shape(3)); + }; } bool CaseFold::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inputs) const { + const bool has_skips = (inputs.size() == 4); + if (m_encoding.empty()) { return evaluate_normalization_helper( outputs, inputs, @@ -34,11 +43,13 @@ bool CaseFold::evaluate(ov::TensorVector& outputs, const ov::TensorVector& input }); } else { return evaluate_normalization_helper( - outputs, inputs, + outputs, + inputs, [](const std::string& str) { using namespace paddlenlp::fast_tokenizer; return normalizers::NormalizedString(str).Lowercase().GetStr(); - }); + }, + has_skips); } } diff --git a/src/normalize_unicode.cpp b/src/normalize_unicode.cpp index 9fd3257da..a8c07f505 100644 --- a/src/normalize_unicode.cpp +++ b/src/normalize_unicode.cpp @@ -33,10 +33,18 @@ void NormalizeUnicode::validate_and_infer_types() { check_string_input(this, 0); OPENVINO_ASSERT(normalizers.find(m_normalization_form) != normalizers.end(), "NormalizeUnicode doesn't know normalization form ", m_normalization_form); set_string_output(this, 0, get_input_partial_shape(0)); + + auto input_size = get_input_size(); + OPENVINO_ASSERT(input_size == 3 || input_size == 4, "supported input sizes are 5 or 6"); + + if (input_size == 4) { + this->set_output_type(3, get_input_element_type(3), get_input_partial_shape(3)); + }; } bool NormalizeUnicode::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inputs) const { - return evaluate_normalization_helper(outputs, inputs, normalizers.at(m_normalization_form)); + const bool has_skips = (inputs.size() == 4); + return evaluate_normalization_helper(outputs, inputs, normalizers.at(m_normalization_form), has_skips); } #endif // ENABLE_FAST_TOKENIZERS diff --git a/src/ov_extension.cpp b/src/ov_extension.cpp index 52ac59fd0..2a11512e3 100644 --- a/src/ov_extension.cpp +++ b/src/ov_extension.cpp @@ -65,6 +65,7 @@ OPENVINO_CREATE_EXTENSIONS( std::make_shared>(), std::make_shared>(), std::make_shared>(), + std::make_shared>(), std::make_shared>(), std::make_shared>(), std::make_shared>(), diff --git a/src/ragged_to_dense.hpp b/src/ragged_to_dense.hpp index c8c96c598..5f89ee4c7 100644 --- a/src/ragged_to_dense.hpp +++ b/src/ragged_to_dense.hpp @@ -42,6 +42,6 @@ class RaggedToDense : public ov::op::Op { } private: - bool m_pad_right; - bool m_pad_max_length; + bool m_pad_right = true; + bool m_pad_max_length = false; }; diff --git a/src/regex_normalization.cpp b/src/regex_normalization.cpp index 28ad2987f..ba193e309 100644 --- a/src/regex_normalization.cpp +++ b/src/regex_normalization.cpp @@ -14,17 +14,19 @@ RegexNormalization::RegexNormalization( bool global_replace ) : ov::op::Op(arguments), m_global_replace(global_replace) { - auto search_pattern_const = as_type_ptr(arguments[3].get_node_shared_ptr()); - auto replace_pattern_const = as_type_ptr(arguments[4].get_node_shared_ptr()); + const auto pattern_input = 3 + (arguments.size() == 6); + + auto search_pattern_const = as_type_ptr(arguments[pattern_input].get_node_shared_ptr()); + auto replace_pattern_const = as_type_ptr(arguments[pattern_input + 1].get_node_shared_ptr()); auto search_pattern_buf = static_cast(search_pattern_const->get_data_ptr()); auto replace_pattern_buf = static_cast(replace_pattern_const->get_data_ptr()); - auto search_pattern = absl::string_view(search_pattern_buf, search_pattern_const->get_byte_size()); - m_replace_pattern = absl::string_view(replace_pattern_buf, replace_pattern_const->get_byte_size()); - + auto search_pattern = std::string(search_pattern_buf, search_pattern_const->get_byte_size()); + m_replace_pattern = std::string(replace_pattern_buf, replace_pattern_const->get_byte_size()); + auto options = re2::RE2::Options(); options.set_log_errors(false); m_search_pattern_re = std::make_shared(search_pattern, options); - + if (m_search_pattern_re->NumberOfCapturingGroups() == -1) { // If RE2 was unable to process pattern. m_search_pattern_pcre2 = std::make_shared(search_pattern); @@ -39,7 +41,7 @@ RegexNormalization::RegexNormalization( const ov::OutputVector& arguments, const std::shared_ptr& search_pattern_re, const std::shared_ptr& search_pattern_pcre2, - const absl::string_view replace_pattern, + const std::string replace_pattern, bool global_replace ) : ov::op::Op(arguments), m_search_pattern_re(search_pattern_re), @@ -47,17 +49,19 @@ RegexNormalization::RegexNormalization( m_replace_pattern(replace_pattern), m_global_replace(global_replace) { - auto search_pattern_const = as_type_ptr(arguments[3].get_node_shared_ptr()); - auto replace_pattern_const = as_type_ptr(arguments[4].get_node_shared_ptr()); + const auto pattern_input = 3 + (arguments.size() == 6); + + auto search_pattern_const = as_type_ptr(arguments[pattern_input].get_node_shared_ptr()); + auto replace_pattern_const = as_type_ptr(arguments[pattern_input + 1].get_node_shared_ptr()); const char* search_pattern_buf; const char* replace_pattern_buf; - absl::string_view search_pattern; + std::string search_pattern; if (m_search_pattern_re == nullptr || m_search_pattern_pcre2 == nullptr) { search_pattern_buf = static_cast(search_pattern_const->get_data_ptr()); replace_pattern_buf = static_cast(replace_pattern_const->get_data_ptr()); - search_pattern = absl::string_view(search_pattern_buf, search_pattern_const->get_byte_size()); - m_replace_pattern = absl::string_view(replace_pattern_buf, replace_pattern_const->get_byte_size()); + search_pattern = std::string(search_pattern_buf, search_pattern_const->get_byte_size()); + m_replace_pattern = std::string(replace_pattern_buf, replace_pattern_const->get_byte_size()); }; auto options = re2::RE2::Options(); @@ -72,27 +76,39 @@ RegexNormalization::RegexNormalization( m_search_pattern_pcre2 = std::make_shared(search_pattern); m_search_pattern_re = nullptr; } - constructor_validate_and_infer_types(); } void RegexNormalization::validate_and_infer_types() { check_string_input(this, 0); - check_string_scalar_input(this, 3); - check_string_scalar_input(this, 4); + + auto input_size = get_input_size(); + OPENVINO_ASSERT(input_size == 5 || input_size == 6, "supported input sizes are 5 or 6, got", input_size); + + check_string_scalar_input(this, 3 + (input_size == 6)); + check_string_scalar_input(this, 4 + (input_size == 6)); + + auto search_pattern_const = dynamic_cast(get_input_node_ptr(3 + (input_size == 6))); + auto search_pattern_buf = static_cast(search_pattern_const->get_data_ptr()); + auto search_pattern = absl::string_view(search_pattern_buf, search_pattern_const->get_byte_size()); + set_string_output(this, 0, get_input_partial_shape(0)); + if (input_size == 6) { + this->set_output_type(3, get_input_element_type(3), get_input_partial_shape(3)); + }; } bool RegexNormalization::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inputs) const { - absl::string_view search_pattern; + const bool has_skips = (inputs.size() == 6); + const auto pattern_input = 3 + has_skips; + + std::string search_pattern; if (m_search_pattern_re == nullptr || m_search_pattern_pcre2 == nullptr) { - search_pattern = absl::string_view(inputs[3].data(), inputs[3].get_size()); - m_replace_pattern = absl::string_view(inputs[4].data(), inputs[4].get_size()); - } + search_pattern = std::string(inputs[pattern_input].data(), inputs[pattern_input].get_size()); + m_replace_pattern = std::string(inputs[pattern_input + 1].data(), inputs[pattern_input + 1].get_size()); - if (m_search_pattern_re == nullptr && m_search_pattern_pcre2 == nullptr) { auto options = re2::RE2::Options(); options.set_log_errors(false); m_search_pattern_re = std::make_shared(search_pattern, options); @@ -119,7 +135,7 @@ bool RegexNormalization::evaluate(ov::TensorVector& outputs, const ov::TensorVec } else if (m_search_pattern_pcre2) { return m_search_pattern_pcre2->substitute(result, m_replace_pattern, m_global_replace); } else { - return result; + return str; } - }); + }, has_skips); } diff --git a/src/regex_normalization.hpp b/src/regex_normalization.hpp index 95c56fbef..63ed316f1 100644 --- a/src/regex_normalization.hpp +++ b/src/regex_normalization.hpp @@ -28,14 +28,20 @@ class RegexNormalization : public ov::op::Op { const ov::OutputVector& arguments, const std::shared_ptr& search_pattern_re, const std::shared_ptr& search_pattern_rcre2, - const absl::string_view replace_pattern, + const std::string replace_pattern, bool global_replace = true ); void validate_and_infer_types() override; std::shared_ptr clone_with_new_inputs(const ov::OutputVector& inputs) const override { - return std::make_shared(inputs, m_search_pattern_re, m_search_pattern_pcre2, m_replace_pattern, m_global_replace); + return std::make_shared( + inputs, + m_search_pattern_re, + m_search_pattern_pcre2, + m_replace_pattern, + m_global_replace + ); } bool visit_attributes(ov::AttributeVisitor& visitor) override { @@ -51,6 +57,6 @@ class RegexNormalization : public ov::op::Op { private: mutable std::shared_ptr m_search_pattern_re; mutable std::shared_ptr m_search_pattern_pcre2; - mutable absl::string_view m_replace_pattern; + mutable std::string m_replace_pattern; bool m_global_replace = true; }; diff --git a/src/regex_split.cpp b/src/regex_split.cpp index 8462c85be..ef0da91dd 100644 --- a/src/regex_split.cpp +++ b/src/regex_split.cpp @@ -72,8 +72,10 @@ RegexSplit::RegexSplit( m_behaviour(behaviour), m_invert(invert), m_max_splits(max_splits) { - - auto split_pattern_const = as_type_ptr(arguments[5].get_node_shared_ptr()); + + const bool has_skips = get_input_size() == 7; + + auto split_pattern_const = as_type_ptr(arguments[5 + has_skips].get_node_shared_ptr()); auto split_pattern_buf = static_cast(split_pattern_const->get_data_ptr()); auto split_pattern = std::string(split_pattern_buf, split_pattern_const->get_byte_size()); compile_pattern_if_necessary(split_pattern); @@ -98,7 +100,9 @@ RegexSplit::RegexSplit( m_invert(invert), m_max_splits(max_splits) { - auto split_pattern_const = as_type_ptr(arguments[5].get_node_shared_ptr()); + const bool has_skips = get_input_size() == 7; + + auto split_pattern_const = as_type_ptr(arguments[5 + has_skips].get_node_shared_ptr()); auto split_pattern_buf = static_cast(split_pattern_const->get_data_ptr()); auto split_pattern = std::string(split_pattern_buf, split_pattern_const->get_byte_size()); compile_pattern_if_necessary(split_pattern); @@ -108,13 +112,16 @@ RegexSplit::RegexSplit( void RegexSplit::validate_and_infer_types() { auto input_size = get_input_size(); - OPENVINO_ASSERT(input_size == 6 || input_size == 9, "Incorrect number of inputs passed to RegexSplit: " + std::to_string(input_size) + "; try to reconvert tokenizer with newer version of OpenVINO Tokenizers"); + const bool has_skips = input_size == 7; + + OPENVINO_ASSERT(input_size == 6 || input_size == 7 || input_size == 9, "Incorrect number of inputs passed to RegexSplit: " + std::to_string(input_size) + "; try to reconvert tokenizer with newer version of OpenVINO Tokenizers"); // input strings check_ragged_string_input(this, 0); // split pattern - check_string_scalar_input(this, 5); + check_string_scalar_input(this, 5 + has_skips); + //skip regex if (input_size == 9) { check_string_input(this, 6); } @@ -124,6 +131,9 @@ void RegexSplit::validate_and_infer_types() { "RegexSplit max_splits attribute must be greater then `0` or equal to `-1`, got ", m_max_splits ); set_ragged_string_output(this, 0, get_input_partial_shape(0)); + if (has_skips) { + this->set_output_type(5, get_input_element_type(5), get_input_partial_shape(5)); + }; } bool RegexSplit::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inputs) const { @@ -181,6 +191,18 @@ bool RegexSplit::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inp const size_t num_rows = inputs[0].get_size(); const size_t num_chars = inputs[4].get_size(); + bool * skips; + bool init_skips = false; + const bool has_skips = (input_size == 7); + if (has_skips) { + skips = inputs[5].data(); + outputs[5].set_shape(Shape{num_chars}); + } else { + skips = new bool[num_rows]; + init_skips = true; + std::fill(skips, skips + num_rows, false); + }; + outputs[0].set_shape(inputs[0].get_shape()); outputs[1].set_shape(inputs[1].get_shape()); @@ -194,6 +216,10 @@ bool RegexSplit::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inp auto new_ragged_ends = outputs[1].data(); auto new_begins = outputs[2].data(); auto new_ends = outputs[3].data(); + bool * new_skips; + if (has_skips) { + new_skips = outputs[5].data(); + }; int32_t ragged_offset = 0; for(size_t seq = 0; seq < num_rows; ++seq) { @@ -202,7 +228,12 @@ bool RegexSplit::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inp for(size_t ragged_col = ragged_begins[seq]; ragged_col < ragged_ends[seq]; ++ragged_col) { auto str = std::string(chars + begins[ragged_col], chars + ends[ragged_col]); - if (m_skip_tokens != nullptr && m_skip_tokens->count(str) == 1) { + if (skips[ragged_col]) { + new_begins[ragged_offset] = begins[ragged_col]; + new_skips[ragged_offset] = true; + new_ends[ragged_offset++] = ends[ragged_col]; + } else if (m_skip_tokens != nullptr && m_skip_tokens->count(str) == 1) { + // legacy skip mechanism new_begins[ragged_offset] = begins[ragged_col]; new_ends[ragged_offset++] = ends[ragged_col]; } else { @@ -254,12 +285,19 @@ bool RegexSplit::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inp auto [curr_start, curr_end] = *match; if (curr_start != start) { + if (has_skips) { + new_skips[ragged_offset] = false; + }; add_split(start, curr_start, m_invert); } + if (has_skips) { + new_skips[ragged_offset] = false; + }; add_split(curr_start, curr_end, !m_invert); start = curr_end; } if (start < str.length()) { + if (has_skips) { new_skips[ragged_offset] = false; } add_split(start, str.length(), m_invert); } } @@ -271,6 +309,11 @@ bool RegexSplit::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inp // Fix real shape based on collected results outputs[2].set_shape({size_t(ragged_offset)}); outputs[3].set_shape({size_t(ragged_offset)}); - + if (has_skips) { + outputs[5].set_shape({size_t(ragged_offset)}); + }; + if (init_skips) { + delete[] skips; + }; return true; } diff --git a/src/special_tokens_split.cpp b/src/special_tokens_split.cpp new file mode 100644 index 000000000..9d1ba55d5 --- /dev/null +++ b/src/special_tokens_split.cpp @@ -0,0 +1,152 @@ +// Copyright (C) 2018-2024 Intel Corporation +// SPDX-License-Identifier: Apache-2.0 +// + +#include "special_tokens_split.hpp" +#include "openvino/opsets/opset13.hpp" + +using namespace ov; +using namespace ov::opset13; + + +void SpecialTokensSplit::compile_pattern_if_necessary(std::string split_pattern) const { + if (m_split_pattern == nullptr) { + auto options = re2::RE2::Options(); + options.set_log_errors(false); + m_split_pattern = std::make_shared(split_pattern, options); + } +} + + +SpecialTokensSplit::SpecialTokensSplit(const ov::OutputVector& arguments) : + ov::op::Op(arguments) { + constructor_validate_and_infer_types(); +} + + +SpecialTokensSplit::SpecialTokensSplit( + const ov::OutputVector& arguments, + const std::shared_ptr& m_split_pattern +) : + ov::op::Op(arguments), + m_split_pattern(m_split_pattern) { + + auto split_pattern_const = as_type_ptr(arguments[5].get_node_shared_ptr()); + auto split_pattern_buf = static_cast(split_pattern_const->get_data_ptr()); + auto split_pattern = std::string(split_pattern_buf, split_pattern_const->get_byte_size()); + compile_pattern_if_necessary(split_pattern); + + constructor_validate_and_infer_types(); +} + + +void SpecialTokensSplit::validate_and_infer_types() { + auto input_size = get_input_size(); + const bool has_skips = input_size == 7; + + OPENVINO_ASSERT(input_size == 6 || input_size == 7, "Incorrect number of inputs passed to SpecialTokensSplit: " + std::to_string(input_size) + "; try to reconvert tokenizer with newer version of OpenVINO Tokenizers"); + // input strings + check_ragged_string_input(this, 0); + // split pattern + check_string_scalar_input(this, 5 + has_skips); + + set_ragged_string_output(this, 0, get_input_partial_shape(0)); + if (has_skips) { + this->set_output_type(5, get_input_element_type(5), get_input_partial_shape(5)); + } else { + this->set_output_type(5, ov::element::boolean, get_input_partial_shape(2)); + }; +} + +bool SpecialTokensSplit::evaluate(ov::TensorVector& outputs, const ov::TensorVector& inputs) const { + auto split_pattern = std::string(inputs[5].data(), inputs[5].get_size()); + compile_pattern_if_necessary(split_pattern); + + auto input_size = get_input_size(); + + auto ragged_begins = inputs[0].data(); + auto ragged_ends = inputs[1].data(); + auto begins = inputs[2].data(); + auto ends = inputs[3].data(); + auto chars = inputs[4].data(); + + const size_t batch_size = inputs[0].get_size(); + const size_t num_chars = inputs[4].get_size(); + + bool * skips; + bool init_skips = false; + const bool has_skips = (input_size == 7); + if (has_skips) { + skips = inputs[5].data(); + outputs[5].set_shape(Shape{num_chars}); + } else { + outputs[5].set_shape(Shape{num_chars}); + skips = new bool[batch_size]; + init_skips = true; + std::fill(skips, skips + batch_size, false); + }; + + outputs[0].set_shape(inputs[0].get_shape()); + outputs[1].set_shape(inputs[1].get_shape()); + outputs[2].set_shape(Shape{num_chars}); + outputs[3].set_shape(Shape{num_chars}); + outputs[4] = inputs[4]; + + // Get pointers in the output tensors + auto new_ragged_begins = outputs[0].data(); + auto new_ragged_ends = outputs[1].data(); + auto new_begins = outputs[2].data(); + auto new_ends = outputs[3].data(); + auto new_skips = outputs[5].data(); + + int32_t ragged_offset = 0; + + for(size_t seq = 0; seq < batch_size; ++seq) { + new_ragged_begins[seq] = ragged_offset; + + for(size_t ragged_col = ragged_begins[seq]; ragged_col < ragged_ends[seq]; ++ragged_col) { + if (has_skips && skips[ragged_col]) { + new_begins[ragged_offset] = begins[ragged_col]; + new_skips[ragged_offset] = true; + new_ends[ragged_offset++] = ends[ragged_col]; + } else { + auto str = std::string(chars + begins[ragged_col], chars + ends[ragged_col]); + + re2::StringPiece special_token; + re2::StringPiece input(str); + size_t curr_start = 0; + while (m_split_pattern->Match(str, curr_start, str.length(), RE2::UNANCHORED, &special_token, 1)) { + const size_t match_start = special_token.data() - str.data(); + const size_t match_end = match_start + special_token.length(); + if (curr_start < match_start) { + new_begins[ragged_offset] = begins[ragged_col] + curr_start; + new_skips[ragged_offset] = false; + new_ends[ragged_offset++] = begins[ragged_col] + match_start; + }; + new_begins[ragged_offset] = begins[ragged_col] + match_start; + new_skips[ragged_offset] = true; + new_ends[ragged_offset++] = begins[ragged_col] + match_end; + + curr_start = match_end; + }; + if (curr_start < str.length()) { + new_begins[ragged_offset] = begins[ragged_col] + curr_start; + new_skips[ragged_offset] = false; + new_ends[ragged_offset++] = begins[ragged_col] + str.length(); + } + } + } + + new_ragged_ends[seq] = ragged_offset; + } + + // Fix real shape based on collected results + outputs[2].set_shape({size_t(ragged_offset)}); + outputs[3].set_shape({size_t(ragged_offset)}); + outputs[5].set_shape({size_t(ragged_offset)}); + + if (init_skips) { + delete[] skips; + }; + return true; +} diff --git a/src/special_tokens_split.hpp b/src/special_tokens_split.hpp new file mode 100644 index 000000000..e95414069 --- /dev/null +++ b/src/special_tokens_split.hpp @@ -0,0 +1,45 @@ +// Copyright (C) 2018-2024 Intel Corporation +// SPDX-License-Identifier: Apache-2.0 +// + +#pragma once + +#include +#include "utils.hpp" +#include + +using namespace ov; + +class SpecialTokensSplit : public ov::op::Op { +public: + OPENVINO_OP("SpecialTokensSplit"); + + SpecialTokensSplit () = default; + SpecialTokensSplit(const ov::OutputVector& arguments); + SpecialTokensSplit( + const ov::OutputVector& arguments, + const std::shared_ptr& split_pattern + ); + + void validate_and_infer_types() override; + + std::shared_ptr clone_with_new_inputs(const ov::OutputVector& inputs) const override { + return std::make_shared(inputs, std::move(m_split_pattern)); + } + + bool visit_attributes(ov::AttributeVisitor& visitor) override { + return true; + } + + bool evaluate(ov::TensorVector& outputs, const ov::TensorVector& inputs) const override; + + bool has_evaluate() const override { + return true; + } + + +private: + mutable std::shared_ptr m_split_pattern; + + void compile_pattern_if_necessary(std::string split_pattern) const; +}; diff --git a/src/tokenizer.hpp b/src/tokenizer.hpp index f337e565f..a8233c669 100644 --- a/src/tokenizer.hpp +++ b/src/tokenizer.hpp @@ -25,6 +25,7 @@ #include "trie_tokenizer.hpp" #include "fuze.hpp" #include "byte_fallback.hpp" +#include "special_tokens_split.hpp" #ifdef ENABLE_FAST_TOKENIZERS #include "case_fold.hpp" diff --git a/src/utils.cpp b/src/utils.cpp index dd4b02d8f..d934ab1a1 100644 --- a/src/utils.cpp +++ b/src/utils.cpp @@ -28,9 +28,9 @@ void parse_packed_strings (const Tensor& packed, int32_t& batch_size, const int3 } void check_string_input(const Node* node, size_t input_index) { - FRONT_END_GENERAL_CHECK(node->get_input_element_type(input_index+0) == element::i32, "Expected an i32 tensor as the first part of the decomposed string representation"); - FRONT_END_GENERAL_CHECK(node->get_input_element_type(input_index+1) == element::i32, "Expected an i32 tensor as the second part of the decomposed string representation"); - FRONT_END_GENERAL_CHECK(node->get_input_element_type(input_index+2) == element::u8, "Expected a u8 tensor as the third part of the decomposed string representation"); + FRONT_END_GENERAL_CHECK(node->get_input_element_type(input_index+0) == element::i32, "Expected an i32 tensor as the first part of the decomposed string representation, got ", node->get_input_element_type(input_index+0)); + FRONT_END_GENERAL_CHECK(node->get_input_element_type(input_index+1) == element::i32, "Expected an i32 tensor as the second part of the decomposed string representation, got ", node->get_input_element_type(input_index+1)); + FRONT_END_GENERAL_CHECK(node->get_input_element_type(input_index+2) == element::u8, "Expected a u8 tensor as the third part of the decomposed string representation, got ", node->get_input_element_type(input_index+2)); } void check_string_scalar_input(const Node* node, size_t input_index) { @@ -50,7 +50,7 @@ void check_string_scalar_input(const Node* node, size_t input_index) { OPENVINO_ASSERT( (element_type == element::dynamic || element_type == element::u8) && (shape.rank().is_dynamic() || shape.rank().get_length() == 1), - "u8/1D tensor is expected"); + "u8/1D tensor is expected, got element type ", element_type.to_string(), ", shape ", shape.to_string()); #endif } @@ -162,14 +162,24 @@ ov::Output post_translate_ragged_tensor_output(const OutputVector& out return std::make_shared(outputs); } -bool evaluate_normalization_helper (ov::TensorVector& outputs, const ov::TensorVector& inputs, std::function normalizer) { +bool evaluate_normalization_helper (ov::TensorVector& outputs, const ov::TensorVector& inputs, std::function normalizer, const bool has_skips) { + auto begins = inputs[0].data(); auto ends = inputs[1].data(); auto chars = inputs[2].data(); + bool * skips; + if (has_skips) { + skips = inputs[3].data(); + }; + // Set output shapes outputs[0].set_shape(inputs[0].get_shape()); outputs[1].set_shape(inputs[1].get_shape()); + if (has_skips) { + outputs[3] = inputs[3]; + } + const size_t num_elements = inputs[0].get_size(); // TODO: How to avoid copying from this temporary buffer? @@ -185,11 +195,20 @@ bool evaluate_normalization_helper (ov::TensorVector& outputs, const ov::TensorV auto new_ends = outputs[1].data(); size_t total_size = 0; - total_size = ov::parallel_sum(num_elements, total_size, [&](size_t i) -> int { - const std::string normalized = normalizer(std::string(chars + begins[i], chars + ends[i])); - buffer[i] = normalized; - return normalized.size(); - }); + if (has_skips) { + total_size = ov::parallel_sum(num_elements, total_size, [&](size_t i) -> size_t { + const std::string input_string = std::string(chars + begins[i], chars + ends[i]); + const std::string normalized = (skips[i] == 0) ? normalizer(input_string) : input_string; + buffer[i] = normalized; + return normalized.size(); + }); + } else { + total_size = ov::parallel_sum(num_elements, total_size, [&](size_t i) -> size_t { + const std::string normalized = normalizer(std::string(chars + begins[i], chars + ends[i])); + buffer[i] = normalized; + return normalized.size(); + }); + }; outputs[2].set_shape(Shape{total_size}); auto new_chars = outputs[2].data(); diff --git a/src/utils.hpp b/src/utils.hpp index 16625a77d..38a30405f 100644 --- a/src/utils.hpp +++ b/src/utils.hpp @@ -66,7 +66,8 @@ ov::Output post_translate_ragged_tensor_output(const ov::OutputVector& bool evaluate_normalization_helper ( ov::TensorVector& outputs, const ov::TensorVector& inputs, - std::function normalizer); + std::function normalizer, + const bool has_skips = false); std::shared_ptr string_attribute_to_constant (const ov::frontend::NodeContext& node, const std::string& name); diff --git a/tests/layer_tests.py b/tests/layer_tests.py index 04636e503..e59652b56 100644 --- a/tests/layer_tests.py +++ b/tests/layer_tests.py @@ -1,14 +1,16 @@ -import pytest import openvino as ov +import pytest from openvino_tokenizers import _get_factory + + core = ov.Core() utf8_validate_strings = [ # Valid sequences. b"Eng... test, string?!", - b"Eng... test, string?!", - b'\xe2\x82\xac', # Euro sign €ß + b"Eng... test, string?!", + b"\xe2\x82\xac", # Euro sign €ß "Проверка, как работает кириллица Љ љ Ђ ђ".encode(), "測試字符串".encode(), "Tester, la chaîne...".encode(), @@ -20,21 +22,24 @@ "🫠".encode(), "介绍下清华大学".encode(), "折纸的过程看似简单,其实想要做好,还是需要一套很复杂的工艺。以折一支玫瑰花为例,我们可以将整个折纸过程分成三个阶段,即:创建栅格折痕,制作立体基座,完成花瓣修饰。".encode(), - # Invalid sequences. b"\x81First byte is invalid utf8", - b'\x80\x80\x80', # Bytes 0x80 are valid as continuation bytes, but not as a start byte + b"\x80\x80\x80", # Bytes 0x80 are valid as continuation bytes, but not as a start byte bytes([0b11000000, 0b11000000, 0b11000000]), - bytes([0b11110000, 0b10010011, 0b10000001, 0b11101000, 0b11110000, 0b10010011, 0b10000001, 0b10101000]), # 4th byte is invalid continuation - bytes([0b11110000, 0b10011111, 0b10011000, 0b11000001, 0b11110000, 0b10011111, 0b10011000, 0b10000001]), # 4th byte is invalid continuation - b'\xc0\x80', # 2 bytes sequence but codepoint is less than 0x80 - b'\xe0\x81\x81', # 3 bytes sequence but codepoint is less than 0x800 - 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'\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 + bytes( + [0b11110000, 0b10010011, 0b10000001, 0b11101000, 0b11110000, 0b10010011, 0b10000001, 0b10101000] + ), # 4th byte is invalid continuation + bytes( + [0b11110000, 0b10011111, 0b10011000, 0b11000001, 0b11110000, 0b10011111, 0b10011000, 0b10000001] + ), # 4th byte is invalid continuation + b"\xc0\x80", # 2 bytes sequence but codepoint is less than 0x80 + b"\xe0\x81\x81", # 3 bytes sequence but codepoint is less than 0x800 + 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"\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 ] @@ -52,6 +57,7 @@ def get_utf8_validate_subgraph(replace_mode) -> ov.CompiledModel: validator = core.compile_model(ov_model) return validator + @pytest.mark.parametrize("test_string", utf8_validate_strings) @pytest.mark.parametrize("replace_mode", ["ignore", "replace"]) def test_utf8_validate(test_string, replace_mode): diff --git a/tests/pass_rates.json b/tests/pass_rates.json index aa673ec55..78ea8ff90 100644 --- a/tests/pass_rates.json +++ b/tests/pass_rates.json @@ -1,3 +1,3 @@ { - "tests/tokenizers_test.py::test_": 0.9266568689201484 + "tests/tokenizers_test.py::test_": 0.9306783665204185 } \ No newline at end of file diff --git a/tests/stats.json b/tests/stats.json index 7bc47c9bb..a0292984d 100644 --- a/tests/stats.json +++ b/tests/stats.json @@ -5,6 +5,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-multilingual-cased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-multilingual-cased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-multilingual-cased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-multilingual-cased-[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_hf_wordpiece_tokenizers[add_tokens-bert-base-multilingual-cased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-multilingual-cased-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_hf_wordpiece_tokenizers[add_tokens-bert-base-multilingual-cased-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", @@ -42,6 +43,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-uncased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-uncased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-uncased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-uncased-[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_hf_wordpiece_tokenizers[add_tokens-bert-base-uncased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-base-uncased-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_hf_wordpiece_tokenizers[add_tokens-bert-base-uncased-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", @@ -79,6 +81,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-uncased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-uncased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-uncased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-uncased-[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_hf_wordpiece_tokenizers[no_add_tokens-bert-base-uncased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-uncased-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_hf_wordpiece_tokenizers[no_add_tokens-bert-base-uncased-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", @@ -116,6 +119,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-multilingual-cased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-multilingual-cased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-multilingual-cased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-multilingual-cased-[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_hf_wordpiece_tokenizers[no_add_tokens-bert-base-multilingual-cased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-base-multilingual-cased-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_hf_wordpiece_tokenizers[no_add_tokens-bert-base-multilingual-cased-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", @@ -153,6 +157,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-rubert-tiny2-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-rubert-tiny2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-rubert-tiny2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-rubert-tiny2-[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_hf_wordpiece_tokenizers[no_add_tokens-rubert-tiny2-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-rubert-tiny2-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_hf_wordpiece_tokenizers[no_add_tokens-rubert-tiny2-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", @@ -190,6 +195,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-rubert-tiny2-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-rubert-tiny2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-rubert-tiny2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-rubert-tiny2-[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_hf_wordpiece_tokenizers[add_tokens-rubert-tiny2-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-rubert-tiny2-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_hf_wordpiece_tokenizers[add_tokens-rubert-tiny2-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", @@ -228,6 +234,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-distilbert-base-uncased-finetuned-sst-2-english-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-distilbert-base-uncased-finetuned-sst-2-english-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-distilbert-base-uncased-finetuned-sst-2-english-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-distilbert-base-uncased-finetuned-sst-2-english-[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_hf_wordpiece_tokenizers[no_add_tokens-distilbert-base-uncased-finetuned-sst-2-english-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-distilbert-base-uncased-finetuned-sst-2-english-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_hf_wordpiece_tokenizers[no_add_tokens-distilbert-base-uncased-finetuned-sst-2-english-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", @@ -265,6 +272,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-distilbert-base-uncased-finetuned-sst-2-english-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-distilbert-base-uncased-finetuned-sst-2-english-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-distilbert-base-uncased-finetuned-sst-2-english-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-distilbert-base-uncased-finetuned-sst-2-english-[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_hf_wordpiece_tokenizers[add_tokens-distilbert-base-uncased-finetuned-sst-2-english-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-distilbert-base-uncased-finetuned-sst-2-english-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_hf_wordpiece_tokenizers[add_tokens-distilbert-base-uncased-finetuned-sst-2-english-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", @@ -303,6 +311,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-all-MiniLM-L6-v2-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-all-MiniLM-L6-v2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-all-MiniLM-L6-v2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-all-MiniLM-L6-v2-[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_hf_wordpiece_tokenizers[no_add_tokens-all-MiniLM-L6-v2-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-all-MiniLM-L6-v2-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_hf_wordpiece_tokenizers[no_add_tokens-all-MiniLM-L6-v2-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", @@ -340,6 +349,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-all-MiniLM-L6-v2-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-all-MiniLM-L6-v2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-all-MiniLM-L6-v2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-all-MiniLM-L6-v2-[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_hf_wordpiece_tokenizers[add_tokens-all-MiniLM-L6-v2-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-all-MiniLM-L6-v2-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_hf_wordpiece_tokenizers[add_tokens-all-MiniLM-L6-v2-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", @@ -378,6 +388,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ernie-finetuned-qqp-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ernie-finetuned-qqp-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ernie-finetuned-qqp-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ernie-finetuned-qqp-[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_hf_wordpiece_tokenizers[no_add_tokens-ernie-finetuned-qqp-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ernie-finetuned-qqp-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_hf_wordpiece_tokenizers[no_add_tokens-ernie-finetuned-qqp-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", @@ -415,6 +426,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ernie-finetuned-qqp-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ernie-finetuned-qqp-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ernie-finetuned-qqp-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ernie-finetuned-qqp-[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_hf_wordpiece_tokenizers[add_tokens-ernie-finetuned-qqp-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ernie-finetuned-qqp-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_hf_wordpiece_tokenizers[add_tokens-ernie-finetuned-qqp-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", @@ -453,6 +465,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-electra-base-discriminator-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-electra-base-discriminator-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-electra-base-discriminator-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-electra-base-discriminator-[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_hf_wordpiece_tokenizers[no_add_tokens-electra-base-discriminator-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-electra-base-discriminator-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_hf_wordpiece_tokenizers[no_add_tokens-electra-base-discriminator-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", @@ -490,6 +503,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-electra-base-discriminator-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-electra-base-discriminator-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-electra-base-discriminator-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-electra-base-discriminator-[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_hf_wordpiece_tokenizers[add_tokens-electra-base-discriminator-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-electra-base-discriminator-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_hf_wordpiece_tokenizers[add_tokens-electra-base-discriminator-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", @@ -528,6 +542,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-mobilebert-uncased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-mobilebert-uncased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-mobilebert-uncased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-mobilebert-uncased-[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_hf_wordpiece_tokenizers[no_add_tokens-mobilebert-uncased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-mobilebert-uncased-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_hf_wordpiece_tokenizers[no_add_tokens-mobilebert-uncased-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", @@ -565,6 +580,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-mobilebert-uncased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-mobilebert-uncased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-mobilebert-uncased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-mobilebert-uncased-[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_hf_wordpiece_tokenizers[add_tokens-mobilebert-uncased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-mobilebert-uncased-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_hf_wordpiece_tokenizers[add_tokens-mobilebert-uncased-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", @@ -603,6 +619,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ko-sbert-sts-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ko-sbert-sts-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ko-sbert-sts-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ko-sbert-sts-[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_hf_wordpiece_tokenizers[no_add_tokens-ko-sbert-sts-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-ko-sbert-sts-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_hf_wordpiece_tokenizers[no_add_tokens-ko-sbert-sts-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", @@ -640,6 +657,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ko-sbert-sts-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ko-sbert-sts-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ko-sbert-sts-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ko-sbert-sts-[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_hf_wordpiece_tokenizers[add_tokens-ko-sbert-sts-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-ko-sbert-sts-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_hf_wordpiece_tokenizers[add_tokens-ko-sbert-sts-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", @@ -678,6 +696,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-squeezebert-uncased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-squeezebert-uncased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-squeezebert-uncased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-squeezebert-uncased-[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_hf_wordpiece_tokenizers[no_add_tokens-squeezebert-uncased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-squeezebert-uncased-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_hf_wordpiece_tokenizers[no_add_tokens-squeezebert-uncased-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", @@ -715,6 +734,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-squeezebert-uncased-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-squeezebert-uncased-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-squeezebert-uncased-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-squeezebert-uncased-[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_hf_wordpiece_tokenizers[add_tokens-squeezebert-uncased-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-squeezebert-uncased-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_hf_wordpiece_tokenizers[add_tokens-squeezebert-uncased-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", @@ -753,6 +773,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-mini-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-mini-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-mini-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-mini-[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_hf_wordpiece_tokenizers[no_add_tokens-bert-mini-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-bert-mini-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_hf_wordpiece_tokenizers[no_add_tokens-bert-mini-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", @@ -790,6 +811,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-mini-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-mini-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-mini-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-mini-[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_hf_wordpiece_tokenizers[add_tokens-bert-mini-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-bert-mini-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_hf_wordpiece_tokenizers[add_tokens-bert-mini-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", @@ -828,6 +850,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-finbert-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-finbert-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-finbert-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-finbert-[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_hf_wordpiece_tokenizers[no_add_tokens-finbert-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-finbert-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_hf_wordpiece_tokenizers[no_add_tokens-finbert-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", @@ -865,6 +888,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-finbert-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-finbert-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-finbert-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-finbert-[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_hf_wordpiece_tokenizers[add_tokens-finbert-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-finbert-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_hf_wordpiece_tokenizers[add_tokens-finbert-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", @@ -903,6 +927,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-[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_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-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_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-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", @@ -938,6 +963,7 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-LaBSE-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-LaBSE-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-LaBSE-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-LaBSE-[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_hf_wordpiece_tokenizers[add_tokens-LaBSE-What is OpenVINO?]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-LaBSE-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_hf_wordpiece_tokenizers[add_tokens-LaBSE-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", @@ -1800,22 +1826,6 @@ "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_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-max_pad-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-max_pad-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-max_pad-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-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", @@ -1824,14 +1834,30 @@ "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_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", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-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-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", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[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[no_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[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-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", @@ -1840,67 +1866,60 @@ "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-camembert-base-right_pad-sp_backend-Slow-test_string0]": "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", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad-sp_backend-Slow-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Fast-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad-sp_backend-Fast-test_string3]": "passed", "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_string0]": "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_string0]": "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_string0]": "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_string0]": "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_string0]": "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", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string0]": "passed", "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-Fast-test_string0]": "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", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Slow-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Slow-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Slow-test_string3]": "passed", @@ -1912,7 +1931,6 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Fast-test_string3]": "passed", @@ -1956,26 +1974,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string0]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string0]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad-sp_backend-Slow-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad-sp_backend-Slow-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad-sp_backend-Slow-test_string2]": "passed", @@ -2078,60 +2084,163 @@ "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_string0]": "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_string0]": "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_string0]": "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_string0]": "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_string0]": "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", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string0]": "passed", "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-Fast-test_string0]": "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", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string0]": "passed", "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-\\x06]": "passed", + "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- ]": "passed", + "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", @@ -2169,6 +2278,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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", @@ -2206,6 +2316,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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", @@ -2237,238 +2348,212 @@ "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[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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-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[no_skip_tokens-clean_spaces-camembert-base-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-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-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[no_skip_tokens-no_clean_spaces-camembert-base-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-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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[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-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--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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_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-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[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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", @@ -2491,16766 +2576,12128 @@ "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[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-\\x06]": "passed", - "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- ]": "passed", - "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-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-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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\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-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-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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--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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\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--Fast-\\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--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\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--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[Llama-2-13b-hf-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-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-xlm-roberta-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[xlm-roberta-base-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[xlm-roberta-base-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-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[no_skip_tokens-no_clean_spaces-deberta-v3-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[no_skip_tokens-no_clean_spaces-deberta-v3-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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-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[no_skip_tokens-clean_spaces-deberta-v3-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[no_skip_tokens-clean_spaces-deberta-v3-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-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-deberta-v3-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[deberta-v3-base-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-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_tokenizer[no_add_tokens-deberta-v3-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_tokenizer[no_add_tokens-deberta-v3-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-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_tokenizer[add_tokens-deberta-v3-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_tokenizer[add_tokens-deberta-v3-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[deberta-v3-base-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[xlnet-base-cased-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-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-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-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-xlnet-base-cased-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[xlnet-base-cased-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-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-chatglm2-6b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm2-6b-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm3-6b-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-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-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-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-t5-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-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-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-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-t5-base-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-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-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-t5-base-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-t5-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-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-t5-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[t5-base-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-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-t5-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[t5-base-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small-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-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-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-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-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-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-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-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[musicgen-small-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small-sp_backend-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-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-musicgen-small-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-sp_backend-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[musicgen-small-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-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-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[bilingual-gpt-neox-4b-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[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-\\x06]": "passed", - "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- ]": "passed", - "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-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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\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--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-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\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-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", - "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- ]": "passed", - "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-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--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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-\\x06]": "passed", - "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- ]": "passed", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\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--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\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--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "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-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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\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-Fast-\\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-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-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\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-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[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-\\x06]": "passed", - "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- ]": "passed", - "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-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-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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\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-Fast-\\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-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-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\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-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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--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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\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-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-test_string0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-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-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-test_string0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-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-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-test_string0]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[quantized-gemma-7b-it-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-4o-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-gpt-4o-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\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-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-4o-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-4o-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[gpt-4o]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-Meta-Llama-3-8B-Instruct-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-Meta-Llama-3-8B-Instruct-test_string0]": "passed", - "tokenizers_test.py::test_rt_info_bpe[Meta-Llama-3-8B-Instruct]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-falcon-7b-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-falcon-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\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-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-falcon-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-falcon-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[falcon-7b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[stablecode-completion-alpha-3b-4k]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[stablelm-tuned-alpha-7b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[dolly-v2-3b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[gpt-neo-125m]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-j-6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[gpt-j-6b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-roberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-roberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\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-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-roberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-roberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-roberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[roberta-base]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[all-roberta-large-v1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bart-large-mnli-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[bart-large-mnli]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-opt-66b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-opt-66b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_skip_tokens-clean_spaces-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[opt-66b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_skip_tokens-no_clean_spaces-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt2-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-gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt2-\\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-gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\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-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[gpt2]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[gpt-neox-20b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[rugpt3large_based_on_gpt2]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[fairseq-dense-13B]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-galactica-120b-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-galactica-120b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\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-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-galactica-120b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-galactica-120b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[galactica-120b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[pythia-12b-deduped]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-base-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-deberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\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-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-deberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[deberta-base]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-bloom-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bloom-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bloom-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-bloom-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-bloom-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bloom-\\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-bloom-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\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-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bloom-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-bloom-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bloom-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bloom-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[bloom]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-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[no_skip_tokens-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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[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- ]": "passed", - "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- ]": "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-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[CLIP-ViT-bigG-14-laion2B-39B-b160k]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[codegen-16B-multi]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_bpe[stablelm-2-1_6b]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-deepseek-coder-6.7b-instruct-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\x06]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\n]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-deepseek-coder-6.7b-instruct-test_string0]": "passed", - "tokenizers_test.py::test_rt_info_bpe[deepseek-coder-6.7b-instruct]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-clean_spaces-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-Qwen-14B-Chat-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-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_tokenizers[add_tokens-Qwen-14B-Chat-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-Qwen-14B-Chat-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat- ]": "passed", - "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_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-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[no_skip_tokens-no_clean_spaces-glm-4-9b-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[no_skip_tokens-no_clean_spaces-glm-4-9b-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[no_skip_tokens-no_clean_spaces-glm-4-9b-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[no_skip_tokens-no_clean_spaces-glm-4-9b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\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[no_skip_tokens-no_clean_spaces-glm-4-9b-\\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[no_skip_tokens-no_clean_spaces-glm-4-9b-\\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[no_skip_tokens-no_clean_spaces-glm-4-9b-\\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[no_skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\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-glm-4-9b-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-glm-4-9b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-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-glm-4-9b-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-glm-4-9b-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-glm-4-9b-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-glm-4-9b-\\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-glm-4-9b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\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-glm-4-9b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\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-glm-4-9b-\\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-glm-4-9b-\\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-glm-4-9b-\\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-glm-4-9b-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-glm-4-9b- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-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[no_skip_tokens-clean_spaces-glm-4-9b-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[no_skip_tokens-clean_spaces-glm-4-9b-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[no_skip_tokens-clean_spaces-glm-4-9b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\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[no_skip_tokens-clean_spaces-glm-4-9b-\\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[no_skip_tokens-clean_spaces-glm-4-9b-\\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[no_skip_tokens-clean_spaces-glm-4-9b-\\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[no_skip_tokens-clean_spaces-glm-4-9b-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\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-clean_spaces-glm-4-9b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-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-clean_spaces-glm-4-9b-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-clean_spaces-glm-4-9b-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-clean_spaces-glm-4-9b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\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-clean_spaces-glm-4-9b-\\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-clean_spaces-glm-4-9b-\\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-clean_spaces-glm-4-9b-\\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-clean_spaces-glm-4-9b-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-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_tokenizers[no_add_tokens-glm-4-9b-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_tokenizers[no_add_tokens-glm-4-9b-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_tokenizers[no_add_tokens-glm-4-9b-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_tokenizers[no_add_tokens-glm-4-9b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\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_tokenizers[no_add_tokens-glm-4-9b-\\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_tokenizers[no_add_tokens-glm-4-9b-\\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_tokenizers[no_add_tokens-glm-4-9b-\\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_tokenizers[no_add_tokens-glm-4-9b-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-glm-4-9b- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-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_tokenizers[add_tokens-glm-4-9b-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_tokenizers[add_tokens-glm-4-9b-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_tokenizers[add_tokens-glm-4-9b-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_tokenizers[add_tokens-glm-4-9b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\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_tokenizers[add_tokens-glm-4-9b-\\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_tokenizers[add_tokens-glm-4-9b-\\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_tokenizers[add_tokens-glm-4-9b-\\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_tokenizers[add_tokens-glm-4-9b-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b- ]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-glm-4-9b- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_tiktoken[glm-4-9b]": "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-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-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-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-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-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-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-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-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-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-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-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-camembert-base-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-camembert-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-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_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-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_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-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-camembert-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-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_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[camembert-base-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast- ]": "passed", - "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_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--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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--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-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--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-CodeLlama-7b-hf--Fast-\\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--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-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--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\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--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "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-\\x06]": "passed", - "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- ]": "passed", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\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-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\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-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "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_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_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_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", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-min_pad-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-min_pad-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-glm-4-9b-max_pad-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-max_pad-right_pad-test_string0]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-max_pad-right_pad-test_string1]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-max_pad-right_pad-test_string2]": "skipped", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-glm-4-9b-max_pad-right_pad-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-right_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm2-6b-left_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-right_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-chatglm3-6b-left_pad-sp_backend-Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string3]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string1]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string2]": "skipped", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string3]": "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-CodeLlama-7b-hf--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\n]": "skipped", - "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_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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[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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--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-camembert-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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[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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Llama-2-13b-hf--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\n]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlm-roberta-base--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\n]": "skipped", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlm-roberta-base--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\n]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[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-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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-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-clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-deberta-v3-base--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\n]": "skipped", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-deberta-v3-base--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\n]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlnet-base-cased--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\n]": "skipped", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlnet-base-cased--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\n]": "skipped", - "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-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-chatglm2-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--Slow-\\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-chatglm2-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--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-no_clean_spaces-chatglm2-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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-no_clean_spaces-chatglm2-6b-sp_backend-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-no_clean_spaces-chatglm2-6b-sp_backend-Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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-no_clean_spaces-chatglm2-6b-sp_backend-Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\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-chatglm2-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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[no_skip_tokens-no_clean_spaces-chatglm2-6b--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[no_skip_tokens-no_clean_spaces-chatglm2-6b--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[no_skip_tokens-no_clean_spaces-chatglm2-6b--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[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\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-no_clean_spaces-chatglm2-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\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-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm2-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--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-chatglm2-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-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-chatglm2-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-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-chatglm2-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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[no_skip_tokens-clean_spaces-chatglm2-6b--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[no_skip_tokens-clean_spaces-chatglm2-6b--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[no_skip_tokens-clean_spaces-chatglm2-6b--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[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\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-chatglm2-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-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[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-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-chatglm2-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\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-chatglm2-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-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-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--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-clean_spaces-chatglm2-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-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-clean_spaces-chatglm2-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-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-clean_spaces-chatglm2-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm2-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm2-6b--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm2-6b--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm2-6b--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm2-6b-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm2-6b-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--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_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm2-6b--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--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_tokenizer[add_tokens-chatglm2-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm2-6b--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm2-6b--Fast]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-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_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm2-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm2-6b-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-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_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm2-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm2-6b-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm2-6b-sp_backend-Fast]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--Slow-\\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-chatglm3-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--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-no_clean_spaces-chatglm3-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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[no_skip_tokens-no_clean_spaces-chatglm3-6b--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[no_skip_tokens-no_clean_spaces-chatglm3-6b--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[no_skip_tokens-no_clean_spaces-chatglm3-6b--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[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\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-no_clean_spaces-chatglm3-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\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-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-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-chatglm3-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--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-chatglm3-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-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-chatglm3-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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[no_skip_tokens-clean_spaces-chatglm3-6b--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[no_skip_tokens-clean_spaces-chatglm3-6b--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[no_skip_tokens-clean_spaces-chatglm3-6b--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[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\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-chatglm3-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-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[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-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-chatglm3-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\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-chatglm3-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-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-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-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-clean_spaces-chatglm3-6b-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-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-clean_spaces-chatglm3-6b-sp_backend-Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--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-clean_spaces-chatglm3-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-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-clean_spaces-chatglm3-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-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-clean_spaces-chatglm3-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm3-6b--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm3-6b--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm3-6b--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--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_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm3-6b--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--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_tokenizer[add_tokens-chatglm3-6b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm3-6b--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm3-6b--Fast]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-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_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-chatglm3-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm3-6b-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-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_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-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]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-chatglm3-6b-sp_backend-Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm3-6b-sp_backend-Fast-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[chatglm3-6b-sp_backend-Fast]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--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-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-t5-base--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\n]": "skipped", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-t5-base--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\n]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--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-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-musicgen-small--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\n]": "skipped", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-musicgen-small--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\n]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-bilingual-gpt-neox-4b--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", - "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", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-bilingual-gpt-neox-4b--Fast-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "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-\\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-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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Phi-3-mini-128k-instruct--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Phi-3-mini-128k-instruct--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[Phi-3-mini-128k-instruct--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "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-\\x06]": "skipped", - "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- ]": "skipped", - "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-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-quantized-gemma-7b-it--Slow-test_string0]": "skipped", - "tokenizers_test.py::test_rt_info_sentencepiece[quantized-gemma-7b-it--Slow]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-4o-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-4o-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-falcon-7b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-falcon-7b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-stablecode-completion-alpha-3b-4k-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-stablecode-completion-alpha-3b-4k-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-stablelm-tuned-alpha-7b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-stablelm-tuned-alpha-7b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-dolly-v2-3b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-dolly-v2-3b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-neo-125m-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-neo-125m-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-j-6b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-j-6b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-roberta-base-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-roberta-base-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-all-roberta-large-v1-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-all-roberta-large-v1-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-bart-large-mnli-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-bart-large-mnli-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-opt-66b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-opt-66b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt2-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt2-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-neox-20b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-neox-20b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-rugpt3large_based_on_gpt2-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-rugpt3large_based_on_gpt2-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-fairseq-dense-13B-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-fairseq-dense-13B-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-galactica-120b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-galactica-120b-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-pythia-12b-deduped-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-pythia-12b-deduped-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-deberta-base-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-deberta-base-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-bloom-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-bloom-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-codegen-16B-multi-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-codegen-16B-multi-test_string0]": "skipped", - "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-stablelm-2-1_6b-test_string0]": "skipped", - "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_tiktoken_model_tokenizer_chat[no_add_tokens-glm-4-9b-test_string0]": "skipped", - "tokenizers_test.py::test_tiktoken_model_tokenizer_chat[add_tokens-glm-4-9b-test_string0]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "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\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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-no_clean_spaces-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-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[no_skip_tokens-no_clean_spaces-camembert-base-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-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-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[no_skip_tokens-clean_spaces-camembert-base-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-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-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-camembert-base-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-camembert-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-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_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-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_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-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-camembert-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-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_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[camembert-base-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\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-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-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\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--Fast-\\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--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\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--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[Llama-2-13b-hf-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-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-xlm-roberta-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[xlm-roberta-base-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[xlm-roberta-base-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-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[no_skip_tokens-no_clean_spaces-deberta-v3-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[no_skip_tokens-no_clean_spaces-deberta-v3-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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-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[no_skip_tokens-clean_spaces-deberta-v3-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[no_skip_tokens-clean_spaces-deberta-v3-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[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-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-deberta-v3-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[deberta-v3-base-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-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_tokenizer[no_add_tokens-deberta-v3-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_tokenizer[no_add_tokens-deberta-v3-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_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-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_tokenizer[add_tokens-deberta-v3-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_tokenizer[add_tokens-deberta-v3-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_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[deberta-v3-base-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-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-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-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-xlnet-base-cased-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[xlnet-base-cased-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-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-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-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-xlnet-base-cased-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[xlnet-base-cased-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-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-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-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-t5-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-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[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-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-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-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-t5-base-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-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-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[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-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-t5-base-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-t5-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-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-t5-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[t5-base-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-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-t5-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-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_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-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_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[t5-base-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-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-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-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-musicgen-small-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-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small-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-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-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-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-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-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-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-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-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-musicgen-small-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-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-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[musicgen-small-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small-sp_backend-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-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-musicgen-small-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-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_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small-sp_backend-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-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-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_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[musicgen-small-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-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-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-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-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-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-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[bilingual-gpt-neox-4b-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-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_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\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--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-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\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-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\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--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Phi-3-mini-128k-instruct--Fast-test_string0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\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--Fast-\\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--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\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-Fast-\\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-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-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\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-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\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-Fast-\\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-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-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\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-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\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-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-test_string0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-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-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-test_string0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-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-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-quantized-gemma-7b-it-sp_backend-Fast-test_string0]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[quantized-gemma-7b-it-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-4o-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-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[no_skip_tokens-clean_spaces-gpt-4o-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\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-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-gpt-4o-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-4o-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-4o- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-4o- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[gpt-4o]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-Meta-Llama-3-8B-Instruct-test_string0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-Meta-Llama-3-8B-Instruct-test_string0]": "passed", + "tokenizers_test.py::test_rt_info_bpe[Meta-Llama-3-8B-Instruct]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-falcon-7b-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-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[no_skip_tokens-clean_spaces-falcon-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\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-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-falcon-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-falcon-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[falcon-7b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[stablecode-completion-alpha-3b-4k]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-tuned-alpha-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-tuned-alpha-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[stablelm-tuned-alpha-7b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-dolly-v2-3b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-dolly-v2-3b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[dolly-v2-3b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neo-125m- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neo-125m- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[gpt-neo-125m]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-j-6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-j-6b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-j-6b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[gpt-j-6b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-clean_spaces-roberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-roberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\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-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-roberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-roberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-roberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-roberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-roberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[roberta-base]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-all-roberta-large-v1- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-all-roberta-large-v1- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[all-roberta-large-v1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bart-large-mnli-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bart-large-mnli- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bart-large-mnli- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[bart-large-mnli]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-clean_spaces-opt-66b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-opt-66b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_skip_tokens-clean_spaces-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-opt-66b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-opt-66b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[opt-66b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_skip_tokens-no_clean_spaces-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt2-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-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[no_skip_tokens-clean_spaces-gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt2-\\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-gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\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-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[gpt2]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-gpt-neox-20b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-gpt-neox-20b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[gpt-neox-20b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-rugpt3large_based_on_gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-rugpt3large_based_on_gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[rugpt3large_based_on_gpt2]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-fairseq-dense-13B- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-fairseq-dense-13B- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[fairseq-dense-13B]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-galactica-120b-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-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[no_skip_tokens-clean_spaces-galactica-120b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\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-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-galactica-120b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-galactica-120b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-galactica-120b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-galactica-120b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[galactica-120b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-pythia-12b-deduped- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-pythia-12b-deduped- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[pythia-12b-deduped]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-base-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-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[no_skip_tokens-clean_spaces-deberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\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-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[deberta-base]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bloom-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bloom-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bloom-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-bloom-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-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[no_skip_tokens-clean_spaces-bloom-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bloom-\\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-bloom-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\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-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bloom-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-bloom-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bloom-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-clean_spaces-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bloom-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bloom-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[bloom]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-[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[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-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[no_skip_tokens-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_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-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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[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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-[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-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-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-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[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[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[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[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[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[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[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[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[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[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[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[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[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[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[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[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[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[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[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[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[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-[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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-[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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[CLIP-ViT-bigG-14-laion2B-39B-b160k]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-clean_spaces-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[codegen-16B-multi]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablelm-2-1_6b- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-stablelm-2-1_6b- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[stablelm-2-1_6b]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-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_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-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_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\x06]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct-\\n]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_bpe[deepseek-coder-6.7b-instruct]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t w!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-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-clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-clean_spaces-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\x06]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-\\n]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat- \\t\\n]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-A lot\\t w!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-Qwen-14B-Chat-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-Qwen-14B-Chat-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-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_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f600]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001fae0]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\x06]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat-\\n]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[no_add_tokens-Qwen-14B-Chat- \\t\\n]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-A lot\\t w!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-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_tokenizers[add_tokens-Qwen-14B-Chat-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-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_tokenizers[add_tokens-Qwen-14B-Chat-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-Qwen-14B-Chat-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-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_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f600]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001fae0]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\x06]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\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--Fast-\\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--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-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\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--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\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-Fast-\\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-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\x06]": "passed", + "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- ]": "passed", + "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_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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--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-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--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-CodeLlama-7b-hf--Fast-\\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--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-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--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\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--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "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-\\x06]": "passed", + "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- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\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-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\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-Fast-\\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-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-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-sp_backend-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-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-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-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-test_string0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n]": "passed", + "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_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_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", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ernie-finetuned-qqp-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-mobilebert-uncased-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-mobilebert-uncased-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-squeezebert-uncased-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-squeezebert-uncased-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-mini-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-mini-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-Meta-Llama-3-8B-Instruct-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablecode-completion-alpha-3b-4k-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-tuned-alpha-7b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-dolly-v2-3b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-dolly-v2-3b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-opt-66b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-opt-66b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neox-20b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neox-20b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-fairseq-dense-13B-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-galactica-120b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-galactica-120b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-pythia-12b-deduped-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deberta-base-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deberta-base-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bloom-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bloom-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-right_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string0]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string1]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string2]": "skipped", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-stablelm-2-1_6b-left_pad-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-deberta-v3-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-deberta-v3-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-t5-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-t5-base-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-musicgen-small-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-musicgen-small-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-right_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad--Fast-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string1]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string2]": "skipped", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Slow-test_string3]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-TinyLlama-1.1B-Chat-v1.0--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[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[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[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[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[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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[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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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-TinyLlama-1.1B-Chat-v1.0--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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-no_clean_spaces-camembert-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", @@ -19288,6 +14735,7 @@ "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", @@ -19319,86 +14767,165 @@ "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-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-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-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-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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--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-camembert-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Slow-A lot\\t w!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base--Slow-What is OpenVINO?]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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", @@ -19437,6 +14964,7 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base--Slow-What is OpenVINO?]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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", @@ -19478,6 +15006,7 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base--Fast-What is OpenVINO?]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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", @@ -19516,6 +15045,7 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base--Fast-What is OpenVINO?]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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", @@ -19551,6 +15081,3739 @@ "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Llama-2-13b-hf--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow-\\n]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlm-roberta-base--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow-\\n]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlm-roberta-base--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast-\\n]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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-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-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-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-clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-deberta-v3-base--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow-\\n]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-deberta-v3-base--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast-\\n]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlnet-base-cased--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow-\\n]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlnet-base-cased--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast-\\n]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--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-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-t5-base--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow-\\n]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-t5-base--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-t5-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast-\\n]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--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-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-musicgen-small--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow-\\n]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-musicgen-small--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast-\\n]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-bilingual-gpt-neox-4b--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-bilingual-gpt-neox-4b--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "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-\\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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-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-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-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-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Phi-3-mini-128k-instruct--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Phi-3-mini-128k-instruct--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_rt_info_sentencepiece[Phi-3-mini-128k-instruct--Slow]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-clean_spaces-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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-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-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-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-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-quantized-gemma-7b-it--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_rt_info_sentencepiece[quantized-gemma-7b-it--Slow]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-4o-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-4o-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-falcon-7b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-falcon-7b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-stablecode-completion-alpha-3b-4k-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-stablecode-completion-alpha-3b-4k-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-stablelm-tuned-alpha-7b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-stablelm-tuned-alpha-7b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-dolly-v2-3b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-dolly-v2-3b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-neo-125m-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-neo-125m-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-j-6b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-j-6b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-roberta-base-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-roberta-base-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-all-roberta-large-v1-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-all-roberta-large-v1-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-bart-large-mnli-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-bart-large-mnli-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-opt-66b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-opt-66b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt2-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt2-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-gpt-neox-20b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-gpt-neox-20b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-rugpt3large_based_on_gpt2-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-rugpt3large_based_on_gpt2-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-fairseq-dense-13B-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-fairseq-dense-13B-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-galactica-120b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-galactica-120b-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-pythia-12b-deduped-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-pythia-12b-deduped-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-deberta-base-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-deberta-base-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-bloom-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-bloom-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-CLIP-ViT-bigG-14-laion2B-39B-b160k-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-codegen-16B-multi-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-codegen-16B-multi-test_string0]": "skipped", + "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-stablelm-2-1_6b-test_string0]": "skipped", + "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-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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-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[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "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-\\x06]": "skipped", + "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- ]": "skipped", + "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_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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-CodeLlama-7b-hf--Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow-\\n]": "skipped", + "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", @@ -19558,6 +18821,7 @@ "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-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", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[no_add_tokens-LaBSE-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-LaBSE-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", @@ -19682,14 +18946,30 @@ "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-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-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", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-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-sp_backend-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-Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_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-left_pad-sp_backend-Fast-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-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-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", @@ -19698,6 +18978,15 @@ "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-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", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Slow-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Slow-test_string2]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad-sp_backend-Slow-test_string0]": "failed", @@ -19708,6 +18997,7 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Slow-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Slow-test_string2]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Fast-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-right_pad-sp_backend-Fast-test_string2]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-right_pad-sp_backend-Fast-test_string0]": "failed", @@ -19718,29 +19008,47 @@ "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-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", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad-sp_backend-Slow-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad-sp_backend-Slow-test_string1]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlm-roberta-base-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-right_pad-sp_backend-Fast-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlm-roberta-base-left_pad-sp_backend-Fast-test_string1]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string2]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string2]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string2]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-right_pad-sp_backend-Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-xlnet-base-cased-left_pad-sp_backend-Fast-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-xlnet-base-cased-left_pad-sp_backend-Fast-test_string1]": "failed", @@ -19788,6 +19096,97 @@ "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-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", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_skip_tokens-no_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-no_clean_spaces-camembert-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]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_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-no_clean_spaces-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_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-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[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", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-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]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f600]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001fae0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", + "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", @@ -19822,55 +19221,58 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-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[no_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[no_skip_tokens-no_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-no_clean_spaces-camembert-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]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_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-no_clean_spaces-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_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-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_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-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_tokenizer[no_add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", + "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-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", "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- \\t\\n]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[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[add_tokens-Llama-2-13b-hf-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Fast- ]": "failed", @@ -19879,9 +19281,13 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001fae0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]": "failed", @@ -19893,6 +19299,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-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[skip_tokens-clean_spaces-deberta-v3-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[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001fae0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", @@ -19934,6 +19341,7 @@ "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", @@ -19975,6 +19383,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "failed", @@ -19983,6 +19392,7 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-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_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", @@ -20014,6 +19424,7 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Slow- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Slow-\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "failed", @@ -20022,6 +19433,7 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-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-xlnet-base-cased-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", @@ -20053,88 +19465,14 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Fast-\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Eng... test, string?!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t w!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-What is OpenVINO?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Testzeichenfolge?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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-no_clean_spaces-chatglm3-6b-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-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001fae0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\x06]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow-\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-chatglm3-6b-sp_backend-Slow- \\t\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-Eng... test, string?!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t w!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-What is OpenVINO?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-Testzeichenfolge?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-Tester, la cha\\xeene...]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-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-chatglm3-6b-sp_backend-Slow-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001fae0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\x06]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow-\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-chatglm3-6b-sp_backend-Slow- \\t\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-chatglm3-6b-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-chatglm3-6b-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_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-no_clean_spaces-t5-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]": "failed", "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[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", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20152,6 +19490,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-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[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20169,11 +19508,13 @@ "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", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20191,6 +19532,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-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[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20208,12 +19550,14 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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[no_skip_tokens-no_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-no_clean_spaces-musicgen-small-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]": "failed", "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[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", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20231,6 +19575,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-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_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-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[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20248,11 +19593,13 @@ "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", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20270,6 +19617,7 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-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_detokenizer[skip_tokens-clean_spaces-musicgen-small-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[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -20287,11 +19635,14 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small-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[add_tokens-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?]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_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[no_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]]": "failed", "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- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", @@ -20315,6 +19666,7 @@ "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", @@ -20340,6 +19692,7 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-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-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "failed", @@ -20348,31 +19701,40 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-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-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\n]": "failed", "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_chat[no_add_tokens-Phi-3-mini-128k-instruct--Fast-test_string0]": "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_chat[add_tokens-Phi-3-mini-128k-instruct--Fast-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", "tokenizers_test.py::test_sentencepiece_model_detokenizer[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", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-A lot\\t w!]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-A lot\\t\\tof whitespaces!]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-falcon-7b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-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]]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-A lot\\t w!]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-A lot\\t\\tof whitespaces!]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-falcon-7b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-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]]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-A lot\\t w!]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-stablecode-completion-alpha-3b-4k-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", @@ -20453,157 +19815,38 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-deberta-base-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-bloom-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-bloom-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "failed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-[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_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-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", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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?]": "failed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-[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_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-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", - "tokenizers_test.py::test_bpe_detokenizer[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!]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[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]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[no_add_tokens-codegen-16B-multi-A lot\\t w!]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-A lot\\t w!]": "failed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-glm-4-9b-]": "failed", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-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", - "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-glm-4-9b-]": "failed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-glm-4-9b-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", - "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", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-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]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001fae0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_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[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "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_tokenizer[add_tokens-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-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_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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?]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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.]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-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_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "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_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_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_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-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" } \ No newline at end of file diff --git a/tests/tokenizers_test.py b/tests/tokenizers_test.py index 1b71ddf51..607e9f5d8 100644 --- a/tests/tokenizers_test.py +++ b/tests/tokenizers_test.py @@ -10,7 +10,6 @@ import pytest import requests from openvino import Core, Model -import openvino as ov 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 @@ -30,6 +29,7 @@ "A lot\t\tof whitespaces!", "\n\n\n\t\t A lot\t\tof\twhitespaces\n!\n\n\n\t\n\n", "Eng, but with d1gits: 123; 0987654321, stop." "0987654321 - eng, but with d1gits: 123", + "[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]", # Qwen tests "What is OpenVINO?", "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?", @@ -137,8 +137,8 @@ "microsoft/deberta-v3-base", "xlnet-base-cased", # "THUDM/chatglm-6b", # hf_tokenizer init error - "THUDM/chatglm2-6b", # detokenizer cannot filter special tokens - "THUDM/chatglm3-6b", + # "THUDM/chatglm2-6b", # _pad doesn't support padding side - broke in 4.45 + # "THUDM/chatglm3-6b", # _pad doesn't support padding side - broke in 4.45 "t5-base", "facebook/musicgen-small", "rinna/bilingual-gpt-neox-4b", @@ -148,7 +148,7 @@ tiktiken_models = [ "Qwen/Qwen-14B-Chat", # "Salesforce/xgen-7b-8k-base", # not compatible with transformers 4.44.0 - "THUDM/glm-4-9b", + # "THUDM/glm-4-9b", # _pad doesn't support padding side - broke in 4.45 ]