Git Product home page Git Product logo

youtokentome's Introduction

PyPI Downloads Code style: black GitHub Build Status

YouTokenToMe

YouTokenToMe is an unsupervised text tokenizer focused on computational efficiency. It currently implements fast Byte Pair Encoding (BPE) [Sennrich et al.]. Our implementation is much faster in training and tokenization than Hugging Face, fastBPE and SentencePiece. In some test cases, it is 60 times faster. Check out our benchmark results.

Key advantages:

  • Multithreading for training and tokenization
  • The algorithm has O(N) complexity, where N is the length of training data
  • Highly efficient implementation in C++
  • Python wrapper and command-line interface

Extra features:

As well as in the algorithm from the original paper, ours does not consider tokens that cross word boundaries. Just like in SentencePiece, all space symbols were replaced by meta symbol "▁" (U+2581). It allows sequences of tokens to be converted back to text and for word boundaries to be restored.

For example, the phrase Blazingly fast tokenization! can be tokenized into

['▁Bl', 'az', 'ingly', '▁fast', '▁token', 'ization', '!']

Installation

pip install youtokentome

Python interface

Example

Let's start with a self-contained example.

import random

import youtokentome as yttm

train_data_path = "train_data.txt"
model_path = "example.model"

# Generating random file with training data
# 10000 lines with 100 characters in each line
n_lines = 10000
n_characters = 100
with open(train_data_path, "w") as fout:
    for _ in range(n_lines):
        print("".join([random.choice("abcd ") for _ in range(n_characters)]), file=fout)

# Generating random text
test_text = "".join([random.choice("abcde ") for _ in range(100)])

# Training model
yttm.BPE.train(data=train_data_path, vocab_size=5000, model=model_path)

# Loading model
bpe = yttm.BPE(model=model_path)

# Two types of tokenization
print(bpe.encode([test_text], output_type=yttm.OutputType.ID))
print(bpe.encode([test_text], output_type=yttm.OutputType.SUBWORD))

 

Training model

youtokentome.BPE.train(data, model, vocab_size, coverage, n_threads=-1, pad_id=0, unk_id=1, bos_id=2, eos_id=3)

Trains BPE model and saves to file.

Args:

  • data: string, path to file with training data
  • model: string, path to where the trained model will be saved
  • vocab_size: int, number of tokens in the final vocabulary
  • coverage: float, fraction of characters covered by the model. Must be in the range [0, 1]. A good value to use is about 0.9999.
  • n_threads: int, number of parallel threads used to run. If -1 is passed, then all available threads are going to be used. Note that the number of threads is limited by 8 (see benchmark).
  • pad_id: int, reserved id for padding
  • unk_id: int, reserved id for unknown symbols
  • bos_id: int, reserved id for begin of sentence token
  • eos_id: int, reserved id for end of sentence token

Returns: Class youtokentome.BPE with the loaded model.

 

Model loading

youtokentome.BPE(model, n_threads=-1)

Class constructor. Loads the trained model.

  • model: string, path to the trained model
  • n_threads: int, number of parallel threads used to run. If equal to -1, then the maximum number of threads available will be used.

 

Methods

Class youtokentome.BPE has the following methods:

encode

encode(self, sentences, output_type=yttm.OutputType.ID, bos=False, eos=False, reverse=False, dropout_prob=0)

Args:

  • sentences: list of strings, sentences for tokenization.
  • output_type: enum, sentence can be tokenized to ids or subwords. Use OutputType.ID for ids and OutputType.SUBWORD for subwords.
  • bos: bool, if True then token “beginning of sentence” will be added
  • eos: bool, if True then token “end of sentence” will be added
  • reverse: bool, if True the output sequence of tokens will be reversed
  • dropout_prob: float, BPE-dropout probability (the probability of a merge being dropped). Must be in the range [0, 1].

Returns: If output_type is equal to youtokentome.OutputType.ID or youtokentome.OutputType.SUBWORD then a list of lists of integers or list of lists of strings will be returned respectively.

 

vocab

vocab(self)

Returns: A list vocab_size strings. The i-th string in the list corresponds to i-th subword.

 

vocab_size

vocab_size(self)

Returns: int. Size of vocabulary.

 

subword_to_id

subword_to_id(self, subword)

Args:

  • subword: string.

Returns: Integer from the range [0, vocab_size-1]. Id of subword or, if there is no such subword in the vocabulary, unk_id will be returned.

 

id_to_subword

id_to_subword(self, id)

Args:

  • id: int, must be in the range [0, vocab_size-1]

Returns: string. Subword from vocabulary by id.

 

decode

decode(self, ids, ignore_ids=None)

Convert each id to subword and concatenate with space symbol.

Args:

  • ids: list of lists of integers. All integers must be in the range [0, vocab_size-1]
  • ignore_ids: collection of integers. These indices would be ignored during the decoding. All integers must be in the range [0, vocab_size-1] [default: None]

Returns: List of strings.

Command line interface

Example

$ yttm bpe --data TRAINING_DATA_FILE --model OUTPUT_MODEL_FILE --vocab_size 2000
$ yttm encode --model OUTPUT_MODEL_FILE --output_type subword < TEST_DATA_FILE > ENCODED_DATA 

Supported commands

YouTokenToMe supports the following commands:

$ yttm --help

Usage: yttm [OPTIONS] COMMAND [ARGS]...

Options:
  --help  Show this message and exit.

Commands:
  bpe     Train BPE model.
  decode  Decode ids to text.
  encode  Encode text to ids or subwords.
  vocab   Print list of learned subwords.

Command bpe allows you to train Byte Pair Encoding model based on a text file.

$ yttm bpe --help

Usage: yttm bpe [OPTIONS]

  Train BPE model.

Options:
  --data PATH           Training data file path.  [required]
  --model PATH          Output model file path.  [required]
  --vocab_size INTEGER  Number of tokens in the final vocabulary.  [required]
  --coverage FLOAT      Fraction of characters covered by the model.  [default: 1.0]
  --n_threads INTEGER   Number of threads.  [default: -1]
  --pad_id INTEGER      Padding token id.  [default: 0]
  --unk_id INTEGER      Unknown token id.  [default: 1]
  --bos_id INTEGER      'Begin of sentence' token id.  [default: 2]
  --eos_id INTEGER      'End of sentence' token id.  [default: 3]
  --help                Show this message and exit.

Apply BPE encoding for a corpus of sentences. Use stdin for input and stdout for output.

By default, encoding works in parallel using n_threads threads. Number of threads is limited by 8 (see benchmark).

With the --stream option, --n_threads will be ignored and all sentences will be processed one by one. Each sentence will be tokenized and written to the stdout before the next sentence is read.

$ yttm encode --help

Usage: yttm encode [OPTIONS]

  Encode text to ids or subwords.

Options:
  --model PATH         Path to file with learned model.  [required]
  --output_type TEXT   'id' or 'subword'.  [required]
  --n_threads INTEGER  Number of threads.  [default: -1]
  --bos                Add tab 'begin of sentence'.
  --eos                Add tab 'end of sentence'.
  --reverse            Reverse output sequence of tokens.
  --stream             Process each line before reading the next one.
  --dropout_prob       BPE-dropout probability (the probability of a merge being dropped). [default: 0]
  --help               Show this message and exit.

Print vocabulary. This can be useful for understanding the model.

$ yttm vocab --help

Usage: yttm vocab [OPTIONS]

  Print list of learned subwords.

Options:
  --model PATH  Path to file with learned model.  [required]
  --verbose     Add merging rules.
  --help        Show this message and exit.

Convert ids back to text. Use stdin for input and stdout for output.

$ yttm decode --help

Usage: yttm decode [OPTIONS]

  Decode ids to text.

Options:
  --model PATH  Path to file with learned model.  [required]
  --ignore_ids  List of indices to ignore for decoding. Example: --ignore_ids=1,2,3
  --help        Show this message and exit.

youtokentome's People

Contributors

borisshapa avatar kalaidin avatar kefirski avatar oktai15 avatar osyvokon avatar xbelonogov avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

youtokentome's Issues

How to optimize the usage of videomemory?

I have a gtx 1660 super 6 gb vram, and 6 gb vram is clearly not enough(An example of an error with the browser running, etc., but even after closing everything, there is not enough memory):
RuntimeError: CUDA out of memory. Tried to allocate 64.00 MiB (GPU 0; 5.80 GiB total capacity; 4.21 GiB already allocated; 93.12 MiB free; 4.21 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF
I am interested in this moment:
allocated memory try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF - Is it possible to somehow adjust memory usage in order to somehow launch a neural network? I didn't find any normal documentation for configuring PYTORCH_CUDA_ALLOC_CONF and max_split_size_mb parameters.

Vocabulary contains underscore multiple times?

After training if I write out the vocabulary:

for w in bpe.vocab():
    fh.write(f'{w}\n')  // fh is filehandler

and then look inside the file this is (a subset) of what I see:

_
8
-
7
3
6
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_
_

Why is this?

Error during installation

Hi! I'm trying to install this module using the following code:

pip install youtokentome

...but I got an error saying that the specified path does not exist.

 error: [WinError 3] The system cannot find the path specified: 'C:\\Program Files (x86)\\Microsoft Visual Studio\\2019\\Community\\VC\\Tools\\MSVC\\14.28.29910\\PlatformSDK\\lib'

I know that this relates to the Visual Studio path, but I thought maybe anyone here can help me solve this problem. I really need to use this module as soon as possible for a project.

Thank you in advance.

type checks assertions doesn't seem to be safe

Current type check assertions look weird

    def decode(self, ids):
        assert isinstance(ids, list)
        if len(ids) > 0 and isinstance(ids[0], int):
            ids = [ids]
        cdef vector[string] sentences
        cdef Status status = self.encoder.decode(ids, &sentences)
        if status.code != 0:
            raise ValueError(status.message.decode())
        return [sentence.decode() for sentence in sentences]

There is no any error message after checking that ids is a list instance. Also, checking the first element doesn't seem to be type-safe since the passed list could be heterogeneous.

Here is a simple example of the way somebody could break it:

Traceback (most recent call last):
  File "test.py", line 4, in <module>
    model.decode([[1, 5, 6, 7, "2"]])
  File "/Users/d.gavrilov/YouTokenToMe/youtokentome/youtokentome.py", line 80, in decode
    return self.bpe_cython.decode(ids)
  File "youtokentome/cpp/yttm.pyx", line 139, in _youtokentome_cython.BPE.decode
  File "stringsource", line 48, in vector.from_py.__pyx_convert_vector_from_py_int
  File "stringsource", line 48, in vector.from_py.__pyx_convert_vector_from_py_int
TypeError: an integer is required

Is there any real reason to perform this type check if we still could workaround it?

compilation issues

I'm trying to merge the dropout functionality in the R package at https://github.com/bnosac/tokenizers.bpe
Getting the following errors however when compiling.

C:/Rtools/mingw_32/bin/g++  -std=gnu++11 -I"C:/PROGRA~1/R/R-35~1.2/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I. -I"C:/Users/Jan/Documents/R/win-library/3.5/Rcpp/include"        -O2 -Wall  -mtune=generic -c youtokentome/cpp/bpe.cpp -o youtokentome/cpp/bpe.o
youtokentome/cpp/bpe.cpp:1468:16: error: 'void vkcom::BasePriorityQueue<T>::push(T) [with T = vkcom::BaseEncoder::encode_sentence(const string&, const vkcom::EncodingConfig&, vkcom::OutputType) const::MergeEvent2]', declared using local type 'vkcom::BaseEncoder::encode_sentence(const string&, const vkcom::EncodingConfig&, vkcom::OutputType) const::MergeEvent2', is used but never defined [-fpermissive]
   virtual void push(T x) = 0;
                ^
youtokentome/cpp/bpe.cpp:1469:16: error: 'bool vkcom::BasePriorityQueue<T>::pop(T&) [with T = vkcom::BaseEncoder::encode_sentence(const string&, const vkcom::EncodingConfig&, vkcom::OutputType) const::MergeEvent2]', declared using local type 'vkcom::BaseEncoder::encode_sentence(const string&, const vkcom::EncodingConfig&, vkcom::OutputType) const::MergeEvent2', is used but never defined [-fpermissive]
   virtual bool pop(T& x) = 0;

Is it possible to unset random seed for BPE-dropout?

In YouTokeToMe BPE-dropout is always the same for the same input. That contradicts the idea described in the paper:

During segmentation, at each merge step some merges are randomly dropped with the probability p. 

32-bit platform support

I'm checking the R packages which I developed at https://github.com/bnosac/tokenizers.bpe which wraps the c++ code.
This works fine on mingw 64-bit and on Ubuntu but using mingw 32 bit on Windows, I'm getting compilation problems related to cpp/third_party/flat_hash_map.h giving further issues when using the code to do byte pair encoding.
Could you advise on how to solve these? Below the issues (full trace log at https://win-builder.r-project.org/mBBw27b161WH/00install.out).

Trace log

d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c youtokentome/cpp/utils.cpp -o youtokentome/cpp/utils.o
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utils.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In function 'int8_t ska::detailv3::log2(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:226:31: warning: right shift count >= width of type
             value |= value >> 32;
                               ^
youtokentome/cpp/third_party/flat_hash_map.h: In function 'size_t ska::detailv3::next_power_of_two(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:261:23: warning: right shift count >= width of type
             i |= i >> 32;
                       ^
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utils.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In member function 'size_t (* ska::prime_number_hash_policy::next_size_over(size_t&) const)(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5351951779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
                     };
                     ^
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6743036717ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8495693897ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10703903591ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13486073473ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '16991387857ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21407807219ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '26972146961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '33982775741ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '42815614441ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '53944293929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '67965551447ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '85631228929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '107888587883ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '135931102921ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '171262457903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '215777175787ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '271862205833ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '342524915839ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '431554351609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '543724411781ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '685049831731ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '863108703229ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1087448823553ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1370099663459ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1726217406467ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2174897647073ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2740199326961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3452434812973ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4349795294267ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5480398654009ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6904869625999ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8699590588571ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10960797308051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13809739252051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17399181177241ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21921594616111ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '27619478504183ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '34798362354533ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '43843189232363ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '55238957008387ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '69596724709081ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '87686378464759ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '110477914016779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '139193449418173ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '175372756929481ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '220955828033581ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '278386898836457ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '350745513859007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '441911656067171ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '556773797672909ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '701491027718027ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '883823312134381ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1113547595345903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1402982055436147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1767646624268779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2227095190691797ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2805964110872297ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3535293248537579ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4454190381383713ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5611928221744609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7070586497075177ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8908380762767489ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11223856443489329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14141172994150357ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17816761525534927ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '22447712886978529ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '28282345988300791ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '35633523051069991ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '44895425773957261ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '56564691976601587ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '71267046102139967ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '89790851547914507ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '113129383953203213ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '142534092204280003ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '179581703095829107ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '226258767906406483ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '285068184408560057ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '359163406191658253ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '452517535812813007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '570136368817120201ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '718326812383316683ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '905035071625626043ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1140272737634240411ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1436653624766633509ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1810070143251252131ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2280545475268481167ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2873307249533267101ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3620140286502504283ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4561090950536962147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5746614499066534157ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7240280573005008577ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '9122181901073924329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11493228998133068689ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14480561146010017169ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '18446744073709551557ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c youtokentome/cpp/bpe.cpp -o youtokentome/cpp/bpe.o
In file included from youtokentome/cpp/bpe.h:6:0,
                 from youtokentome/cpp/bpe.cpp:4:
youtokentome/cpp/third_party/flat_hash_map.h: In function 'int8_t ska::detailv3::log2(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:226:31: warning: right shift count >= width of type
             value |= value >> 32;
                               ^
youtokentome/cpp/third_party/flat_hash_map.h: In function 'size_t ska::detailv3::next_power_of_two(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:261:23: warning: right shift count >= width of type
             i |= i >> 32;
                       ^
In file included from youtokentome/cpp/bpe.h:6:0,
                 from youtokentome/cpp/bpe.cpp:4:
youtokentome/cpp/third_party/flat_hash_map.h: In member function 'size_t (* ska::prime_number_hash_policy::next_size_over(size_t&) const)(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5351951779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
                     };
                     ^
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6743036717ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8495693897ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10703903591ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13486073473ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '16991387857ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21407807219ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '26972146961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '33982775741ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '42815614441ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '53944293929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '67965551447ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '85631228929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '107888587883ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '135931102921ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '171262457903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '215777175787ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '271862205833ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '342524915839ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '431554351609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '543724411781ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '685049831731ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '863108703229ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1087448823553ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1370099663459ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1726217406467ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2174897647073ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2740199326961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3452434812973ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4349795294267ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5480398654009ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6904869625999ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8699590588571ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10960797308051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13809739252051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17399181177241ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21921594616111ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '27619478504183ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '34798362354533ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '43843189232363ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '55238957008387ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '69596724709081ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '87686378464759ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '110477914016779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '139193449418173ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '175372756929481ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '220955828033581ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '278386898836457ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '350745513859007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '441911656067171ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '556773797672909ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '701491027718027ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '883823312134381ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1113547595345903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1402982055436147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1767646624268779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2227095190691797ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2805964110872297ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3535293248537579ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4454190381383713ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5611928221744609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7070586497075177ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8908380762767489ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11223856443489329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14141172994150357ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17816761525534927ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '22447712886978529ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '28282345988300791ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '35633523051069991ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '44895425773957261ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '56564691976601587ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '71267046102139967ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '89790851547914507ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '113129383953203213ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '142534092204280003ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '179581703095829107ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '226258767906406483ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '285068184408560057ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '359163406191658253ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '452517535812813007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '570136368817120201ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '718326812383316683ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '905035071625626043ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1140272737634240411ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1436653624766633509ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1810070143251252131ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2280545475268481167ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2873307249533267101ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3620140286502504283ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4561090950536962147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5746614499066534157ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7240280573005008577ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '9122181901073924329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11493228998133068689ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14480561146010017169ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '18446744073709551557ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/bpe.cpp: In function 'vkcom::BPEState vkcom::learn_bpe_from_string(std::string&, int, const string&, vkcom::BpeConfig)':
youtokentome/cpp/bpe.cpp:1070:40: warning: narrowing conversion of '(long long unsigned int)x.std::pair<long long unsigned int, long long unsigned int>::second' from 'long long unsigned int' to 'size_t {aka unsigned int}' inside { } [-Wnarrowing]
     merge_order.push({x.second, ka, kb});
                                        ^
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c youtokentome/cpp/utf8.cpp -o youtokentome/cpp/utf8.o
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utf8.h:3,
                 from youtokentome/cpp/utf8.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In function 'int8_t ska::detailv3::log2(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:226:31: warning: right shift count >= width of type
             value |= value >> 32;
                               ^
youtokentome/cpp/third_party/flat_hash_map.h: In function 'size_t ska::detailv3::next_power_of_two(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:261:23: warning: right shift count >= width of type
             i |= i >> 32;
                       ^
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utf8.h:3,
                 from youtokentome/cpp/utf8.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In member function 'size_t (* ska::prime_number_hash_policy::next_size_over(size_t&) const)(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5351951779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
                     };
                     ^
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6743036717ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8495693897ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10703903591ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13486073473ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '16991387857ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21407807219ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '26972146961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '33982775741ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '42815614441ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '53944293929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '67965551447ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '85631228929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '107888587883ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '135931102921ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '171262457903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '215777175787ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '271862205833ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '342524915839ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '431554351609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '543724411781ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '685049831731ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '863108703229ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1087448823553ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1370099663459ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1726217406467ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2174897647073ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2740199326961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3452434812973ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4349795294267ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5480398654009ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6904869625999ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8699590588571ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10960797308051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13809739252051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17399181177241ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21921594616111ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '27619478504183ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '34798362354533ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '43843189232363ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '55238957008387ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '69596724709081ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '87686378464759ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '110477914016779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '139193449418173ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '175372756929481ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '220955828033581ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '278386898836457ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '350745513859007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '441911656067171ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '556773797672909ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '701491027718027ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '883823312134381ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1113547595345903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1402982055436147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1767646624268779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2227095190691797ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2805964110872297ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3535293248537579ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4454190381383713ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5611928221744609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7070586497075177ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8908380762767489ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11223856443489329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14141172994150357ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17816761525534927ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '22447712886978529ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '28282345988300791ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '35633523051069991ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '44895425773957261ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '56564691976601587ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '71267046102139967ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '89790851547914507ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '113129383953203213ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '142534092204280003ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '179581703095829107ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '226258767906406483ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '285068184408560057ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '359163406191658253ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '452517535812813007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '570136368817120201ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '718326812383316683ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '905035071625626043ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1140272737634240411ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1436653624766633509ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1810070143251252131ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2280545475268481167ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2873307249533267101ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3620140286502504283ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4561090950536962147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5746614499066534157ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7240280573005008577ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '9122181901073924329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11493228998133068689ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14480561146010017169ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '18446744073709551557ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c rcpp_youtokentome.cpp -o rcpp_youtokentome.o
In file included from ./youtokentome/cpp/bpe.h:6:0,
                 from rcpp_youtokentome.cpp:3:
./youtokentome/cpp/third_party/flat_hash_map.h: In function 'int8_t ska::detailv3::log2(size_t)':
./youtokentome/cpp/third_party/flat_hash_map.h:226:31: warning: right shift count >= width of type
             value |= value >> 32;
                               ^
./youtokentome/cpp/third_party/flat_hash_map.h: In function 'size_t ska::detailv3::next_power_of_two(size_t)':
./youtokentome/cpp/third_party/flat_hash_map.h:261:23: warning: right shift count >= width of type
             i |= i >> 32;
                       ^
In file included from ./youtokentome/cpp/bpe.h:6:0,
                 from rcpp_youtokentome.cpp:3:
./youtokentome/cpp/third_party/flat_hash_map.h: In member function 'size_t (* ska::prime_number_hash_policy::next_size_over(size_t&) const)(size_t)':
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5351951779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
                     };
                     ^
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6743036717ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8495693897ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10703903591ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13486073473ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '16991387857ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21407807219ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '26972146961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '33982775741ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '42815614441ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '53944293929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '67965551447ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '85631228929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '107888587883ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '135931102921ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '171262457903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '215777175787ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '271862205833ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '342524915839ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '431554351609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '543724411781ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '685049831731ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '863108703229ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1087448823553ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1370099663459ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1726217406467ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2174897647073ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2740199326961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3452434812973ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4349795294267ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5480398654009ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6904869625999ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8699590588571ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10960797308051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13809739252051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17399181177241ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21921594616111ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '27619478504183ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '34798362354533ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '43843189232363ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '55238957008387ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '69596724709081ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '87686378464759ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '110477914016779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '139193449418173ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '175372756929481ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '220955828033581ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '278386898836457ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '350745513859007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '441911656067171ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '556773797672909ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '701491027718027ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '883823312134381ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1113547595345903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1402982055436147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1767646624268779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2227095190691797ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2805964110872297ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3535293248537579ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4454190381383713ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5611928221744609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7070586497075177ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8908380762767489ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11223856443489329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14141172994150357ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17816761525534927ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '22447712886978529ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '28282345988300791ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '35633523051069991ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '44895425773957261ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '56564691976601587ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '71267046102139967ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '89790851547914507ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '113129383953203213ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '142534092204280003ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '179581703095829107ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '226258767906406483ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '285068184408560057ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '359163406191658253ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '452517535812813007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '570136368817120201ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '718326812383316683ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '905035071625626043ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1140272737634240411ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1436653624766633509ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1810070143251252131ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2280545475268481167ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2873307249533267101ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3620140286502504283ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4561090950536962147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5746614499066534157ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7240280573005008577ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '9122181901073924329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11493228998133068689ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14480561146010017169ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '18446744073709551557ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
./youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c RcppExports.cpp -o RcppExports.o
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++ -shared -s -static-libgcc -o tokenizers.bpe.dll tmp.def youtokentome/cpp/utils.o youtokentome/cpp/bpe.o youtokentome/cpp/utf8.o rcpp_youtokentome.o RcppExports.o -pthread -Ld:/Compiler/gcc-4.9.3/local330/lib/i386 -Ld:/Compiler/gcc-4.9.3/local330/lib -LD:/RCompile/recent/R/bin/i386 -lR
rm -f youtokentome/cpp/utils.o youtokentome/cpp/bpe.o youtokentome/cpp/utf8.o rcpp_youtokentome.o RcppExports.o
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c youtokentome/cpp/utils.cpp -o youtokentome/cpp/utils.o
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utils.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In function 'int8_t ska::detailv3::log2(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:226:31: warning: right shift count >= width of type
             value |= value >> 32;
                               ^
youtokentome/cpp/third_party/flat_hash_map.h: In function 'size_t ska::detailv3::next_power_of_two(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:261:23: warning: right shift count >= width of type
             i |= i >> 32;
                       ^
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utils.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In member function 'size_t (* ska::prime_number_hash_policy::next_size_over(size_t&) const)(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5351951779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
                     };
                     ^
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6743036717ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8495693897ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10703903591ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13486073473ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '16991387857ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21407807219ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '26972146961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '33982775741ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '42815614441ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '53944293929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '67965551447ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '85631228929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '107888587883ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '135931102921ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '171262457903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '215777175787ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '271862205833ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '342524915839ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '431554351609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '543724411781ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '685049831731ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '863108703229ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1087448823553ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1370099663459ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1726217406467ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2174897647073ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2740199326961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3452434812973ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4349795294267ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5480398654009ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6904869625999ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8699590588571ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10960797308051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13809739252051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17399181177241ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21921594616111ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '27619478504183ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '34798362354533ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '43843189232363ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '55238957008387ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '69596724709081ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '87686378464759ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '110477914016779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '139193449418173ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '175372756929481ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '220955828033581ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '278386898836457ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '350745513859007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '441911656067171ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '556773797672909ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '701491027718027ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '883823312134381ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1113547595345903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1402982055436147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1767646624268779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2227095190691797ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2805964110872297ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3535293248537579ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4454190381383713ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5611928221744609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7070586497075177ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8908380762767489ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11223856443489329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14141172994150357ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17816761525534927ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '22447712886978529ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '28282345988300791ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '35633523051069991ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '44895425773957261ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '56564691976601587ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '71267046102139967ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '89790851547914507ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '113129383953203213ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '142534092204280003ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '179581703095829107ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '226258767906406483ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '285068184408560057ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '359163406191658253ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '452517535812813007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '570136368817120201ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '718326812383316683ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '905035071625626043ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1140272737634240411ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1436653624766633509ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1810070143251252131ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2280545475268481167ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2873307249533267101ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3620140286502504283ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4561090950536962147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5746614499066534157ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7240280573005008577ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '9122181901073924329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11493228998133068689ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14480561146010017169ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '18446744073709551557ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c youtokentome/cpp/bpe.cpp -o youtokentome/cpp/bpe.o
In file included from youtokentome/cpp/bpe.h:6:0,
                 from youtokentome/cpp/bpe.cpp:4:
youtokentome/cpp/third_party/flat_hash_map.h: In function 'int8_t ska::detailv3::log2(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:226:31: warning: right shift count >= width of type
             value |= value >> 32;
                               ^
youtokentome/cpp/third_party/flat_hash_map.h: In function 'size_t ska::detailv3::next_power_of_two(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:261:23: warning: right shift count >= width of type
             i |= i >> 32;
                       ^
In file included from youtokentome/cpp/bpe.h:6:0,
                 from youtokentome/cpp/bpe.cpp:4:
youtokentome/cpp/third_party/flat_hash_map.h: In member function 'size_t (* ska::prime_number_hash_policy::next_size_over(size_t&) const)(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5351951779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
                     };
                     ^
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6743036717ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8495693897ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10703903591ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13486073473ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '16991387857ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21407807219ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '26972146961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '33982775741ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '42815614441ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '53944293929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '67965551447ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '85631228929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '107888587883ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '135931102921ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '171262457903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '215777175787ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '271862205833ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '342524915839ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '431554351609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '543724411781ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '685049831731ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '863108703229ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1087448823553ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1370099663459ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1726217406467ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2174897647073ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2740199326961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3452434812973ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4349795294267ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5480398654009ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6904869625999ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8699590588571ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10960797308051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13809739252051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17399181177241ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21921594616111ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '27619478504183ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '34798362354533ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '43843189232363ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '55238957008387ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '69596724709081ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '87686378464759ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '110477914016779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '139193449418173ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '175372756929481ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '220955828033581ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '278386898836457ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '350745513859007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '441911656067171ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '556773797672909ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '701491027718027ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '883823312134381ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1113547595345903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1402982055436147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1767646624268779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2227095190691797ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2805964110872297ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3535293248537579ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4454190381383713ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5611928221744609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7070586497075177ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8908380762767489ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11223856443489329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14141172994150357ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17816761525534927ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '22447712886978529ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '28282345988300791ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '35633523051069991ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '44895425773957261ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '56564691976601587ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '71267046102139967ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '89790851547914507ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '113129383953203213ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '142534092204280003ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '179581703095829107ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '226258767906406483ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '285068184408560057ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '359163406191658253ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '452517535812813007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '570136368817120201ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '718326812383316683ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '905035071625626043ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1140272737634240411ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1436653624766633509ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1810070143251252131ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2280545475268481167ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2873307249533267101ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3620140286502504283ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4561090950536962147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5746614499066534157ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7240280573005008577ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '9122181901073924329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11493228998133068689ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14480561146010017169ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '18446744073709551557ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/bpe.cpp: In function 'vkcom::BPEState vkcom::learn_bpe_from_string(std::string&, int, const string&, vkcom::BpeConfig)':
youtokentome/cpp/bpe.cpp:1070:40: warning: narrowing conversion of '(long long unsigned int)x.std::pair<long long unsigned int, long long unsigned int>::second' from 'long long unsigned int' to 'size_t {aka unsigned int}' inside { } [-Wnarrowing]
     merge_order.push({x.second, ka, kb});
                                        ^
d:/Compiler/gcc-4.9.3/mingw_32/bin/g++  -std=gnu++11 -I"D:/RCompile/recent/R/include" -DNDEBUG -pthread -DSTRICT_R_HEADERS -I./youtokentome/cpp -I./youtokentome/cpp/third_party -I"d:/RCompile/CRANguest/R-devel/lib/Rcpp/include"   -I"d:/Compiler/gcc-4.9.3/local330/include"     -O2 -Wall  -mtune=core2 -c youtokentome/cpp/utf8.cpp -o youtokentome/cpp/utf8.o
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utf8.h:3,
                 from youtokentome/cpp/utf8.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In function 'int8_t ska::detailv3::log2(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:226:31: warning: right shift count >= width of type
             value |= value >> 32;
                               ^
youtokentome/cpp/third_party/flat_hash_map.h: In function 'size_t ska::detailv3::next_power_of_two(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:261:23: warning: right shift count >= width of type
             i |= i >> 32;
                       ^
In file included from youtokentome/cpp/utils.h:6:0,
                 from youtokentome/cpp/utf8.h:3,
                 from youtokentome/cpp/utf8.cpp:2:
youtokentome/cpp/third_party/flat_hash_map.h: In member function 'size_t (* ska::prime_number_hash_policy::next_size_over(size_t&) const)(size_t)':
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5351951779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
                     };
                     ^
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6743036717ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8495693897ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10703903591ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13486073473ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '16991387857ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21407807219ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '26972146961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '33982775741ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '42815614441ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '53944293929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '67965551447ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '85631228929ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '107888587883ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '135931102921ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '171262457903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '215777175787ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '271862205833ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '342524915839ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '431554351609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '543724411781ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '685049831731ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '863108703229ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1087448823553ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1370099663459ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1726217406467ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2174897647073ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2740199326961ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3452434812973ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4349795294267ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5480398654009ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '6904869625999ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8699590588571ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '10960797308051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '13809739252051ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17399181177241ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '21921594616111ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '27619478504183ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '34798362354533ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '43843189232363ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '55238957008387ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '69596724709081ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '87686378464759ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '110477914016779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '139193449418173ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '175372756929481ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '220955828033581ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '278386898836457ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '350745513859007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '441911656067171ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '556773797672909ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '701491027718027ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '883823312134381ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1113547595345903ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1402982055436147ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '1767646624268779ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2227095190691797ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '2805964110872297ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '3535293248537579ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '4454190381383713ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '5611928221744609ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '7070586497075177ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '8908380762767489ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '11223856443489329ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '14141172994150357ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '17816761525534927ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '22447712886978529ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '28282345988300791ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '35633523051069991ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '44895425773957261ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '56564691976601587ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '71267046102139967ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '89790851547914507ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '113129383953203213ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '142534092204280003ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '179581703095829107ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '226258767906406483ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '285068184408560057ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '359163406191658253ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '452517535812813007ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: large integer implicitly truncated to unsigned type [-Woverflow]
youtokentome/cpp/third_party/flat_hash_map.h:1181:21: warning: narrowing conversion of '570136368817120201ull' from 'long long unsigned int' to 'const size_t {aka const unsigned int}' inside { } [-Wnarrowing]
....

Extension for our production usage

Hi there, thank you so much for this great lib!

We want to use it in our production, and need to implement these critical features:

  1. Saving the model to a Python file object.
  2. Fix the packaging. It is a bad practice to include the precompiled Cython code because CPython API changes in a backwards-incompatible way from time to time (I learned it the hard way), and yttm.cpp will compile to a malfunctioning extension or will not compile at all. It has to be regenerated with Cython every time setup.py is called, no shortcuts.
  3. Switch to the binary model format. The current model format is text - we want a more compact representation which is also compression-friendly (columnar, not interleaved rules).
  4. Pure Go model loading and encoding implementation.

My questions are:

  • Are you OK with features (1), (2), and (3) or we should hard-fork?
  • If you can help make (1), (2), (3), please tell us! We will devote all our efforts to (4).
  • Shall we contribute the Go lib to this repo or create a new one?

[Feature] Add text normalisation as SentencePiece do

SentencePiece implementation includes a text normalisation stage which is very useful in reducing the number of individual characters, handling non-printable characters and more.
This feature may speed up the run time and yield better tokenisation results

Loading a BPE model with a wrong path kills the Jupyter kernel

Working with Jupyter notebooks, if you load a BPE model passing a wrong path, it will kill the kernel instead of returning a message error: bpe = yttm.BPE(model="wrong/path/bpe.model").
Maybe an issue with the native extension that crashes with an exception.

  • python 3.6.8
  • jupyter 1.0.0
  • youtokentome 1.0.1

Decode() got an unexpected keyword argument 'ignore_ids'

Hi, I have the following error when I run my script:
TypeError: decode() got an unexpected keyword argument 'ignore_ids'

However, I think I have used well the argument ignore_ids.
How can I fix it? Thanks

def predict_notes(model, tokenizer, keys, notes):
    keys_tokens = tokenizer.encode(keys)
    notes_tokens = tokenizer.encode(notes)

    if len(keys_tokens) + len(notes_tokens) > 510:
        notes_tokens = notes_tokens[len(notes_tokens) - len(keys_tokens) - 510:]

    context_tokens = [2] + keys_tokens + notes_tokens + [3]

    context_tokens = torch.tensor(context_tokens, dtype=torch.long).unsqueeze(0)

    if torch.cuda.is_available():
        context_tokens = context_tokens.cuda()
    
    bad_words_ids = []
    bad_words = ["x8 | "]
    for w in bad_words:
        bad_words_ids.append(tokenizer.encode(bad_words)[0])

    gen_tokens = model.generate(input_ids=context_tokens, 
                                max_length=320, 
                                min_length=32,
                                early_stopping=False,
                                num_beams=20,
                                bos_token_id=2, 
                                eos_token_id=3,
                                no_repeat_ngram_size=15,
                                pad_token_id=0,
                                bad_words_ids=bad_words_ids)
                                
    gen_tokens = gen_tokens[0].tolist()

    notes = tokenizer.decode(gen_tokens, ignore_ids=[0,1,2,3])[0]
    notes = notes.replace(" ", "").replace("|", "|\n")
    
    return notes

[feature] add method to encode one sentence

Currently, for PyTorch Dataset you should make tokenisation like this:

tokens = model.encode([sentence])[0]

I may not be right here, but probably creating list of one element and selecting it back creates overhead which is not that significant, but can affect model performance (especially, if you have huge translation dataset).

It is possible to perform tokenisation in dataloader or collate_fn, but this is against PyTorch abstractions, thus should be avoided.

P.S.
Thank you a lot for yttm! It is a wonderful tool

No word tokenizer under the hood?

Hi,

In the original BPE paper, as well as in the BPE dropout paper, the authors apply word-based tokenization (namely, the Moses tokenizer, as well as some others) before the main algorithm. However, this project's readme is somewhat vague regarding this detail. Do I understand it correctly that the only word-based tokenization implemented is basically splitting on spaces and that's it?

What confuses me is this quote: ours does not consider tokens that cross word boundaries. For some languages it's impossible not to consider tokens that cross word boundaries based on spaces alone. So my question as follows: is there a more sophisticated word-based tokenizer under the hood after all?

Adding new terms into pre-trained model vocab | Issue in tokenizing OOV keywords

I've trained a tokenizer with 50k vocab and over 500M sentences. I'm in a situation where I'm encoding many keywords that contains OOV tokens which the tokenizer is doing not-so-good job in tokenizing. I was wondering if there's any way to perhaps introducing an option to allow users to modify the vocab after the tokenizer is trained. I've seen the issue where the discussion was to train a tokenizer on data that contains these oov terms in some range (1000?), so that the tokenizer can identify them during training and can add it them to the vocab. But the issue here is, there is no determined way to know which of these terms needs to included in training data! Any thoughts on how to handle such situations?

model.encode([
    '1997',
    '1998',
    '1996',
    '1999',
    '1994'
])

Generates following tokens:

[
    [137, 1],
    [137, 1], 
    [137, 1], 
    [137, 1], 
    [137, 1]
]

Aborted (core dumped) error

Hi. I'm trying YTTM for the first time, but I'm facing two issues:

I was trying to run the model on a relatively large file (100GB) but I was getting the following error:

reading file...
learning bpe...
number of unique characters in the training data: 14619
number of deleted characters: 0
number of unique characters left: 14619
Killed

Although I have 500GB of RAM. Is it normal for the model to use that much memory?

Afterwards, I tried to split the file into 2 and to learn the codes from 50GB of text. But now I get:

reading file...
learning bpe...
number of unique characters in the training data: 10359
number of deleted characters: 0
number of unique characters left: 10359
terminate called after throwing an instance of 'std::bad_alloc'
  what():  std::bad_alloc
Aborted (core dumped)

Any ideas why?

Thanks

BPE-Dropout support

It stochastically
corrupts the segmentation procedure of BPE,
which leads to producing multiple segmentations within the same fixed BPE framework.

Using BPE-dropout during training and the
standard BPE during inference improves translation quality up to 3 BLEU compared to BPE
and up to 0.9 BLEU compared to the previous subword regularization.

https://arxiv.org/abs/1910.13267

Support pickling

Pickling is often necessary using multiprocessing. Can you add such a feature?

>>> import pickle
>>> from youtokentome import BPE
>>> bpe = BPE("shared.model")
>>> file = open("test.pkl", "w")
>>> pickle.dump(bpe, file)
Traceback (most recent call last):
  File "<stdin>", line 1, in <module>
  File "stringsource", line 2, in _youtokentome_cython.BPE.__reduce_cython__
TypeError: self.encoder cannot be converted to a Python object for pickling
>>> 

Installation error using pip

I'm getting the following error when I try to install youtokentome 1.0.6 on AWS SageMaker, Cython is installed and it worked on AWS EC2 instance

Screen Shot 2021-09-07 at 5 13 20 PM

Doesn't consider combining characters.

In several languages there are graphemes that consist of several characters - typically it's a base followed by one or many combining characters. For example: a + ◌̈ = .

Youtokentome assumes that every character is a valid grapheme and generates tokens that may start with a combining character.

If would be beneficial to train and encode with an option to pre-merge all combining characters to their base characters before running the actual BPE.

how to get vocab

Hi,
I am very confused how the vocab function works. It seems the vocab only reads a model file, which only contains the token id without the mapping (the id and subword), so how can we get the subword from these ID?

I use the following order to get the vocab, and I am very surprised that the vocab file shows all subwords.
yttm vocab --model yttm.model >yttm.vocab

best wishes

Installing error C1083

I am trying to install Dalle-pytorch by pip install dalle-pytorch

This error appears:

ERROR: Command errored out with exit status 1:
     command: 'C:\Users\Yfrite\pyProjects\NeuronV3\venv\Scripts\python.exe' -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\Yfrite\\AppData\\Local\\Temp\\pi
p-install-at033d8j\\youtokentome_9c7e7301731e491f94b6a757b6847abf\\setup.py'"'"'; __file__='"'"'C:\\Users\\Yfrite\\AppData\\Local\\Temp\\pip-install-at033d8j\\youtokentome_9c7e7301731e491
f94b6a757b6847abf\\setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code =
 f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\Yfrite\AppData\Local\Temp\pip-record-dj18nu59\install-r
ecord.txt' --single-version-externally-managed --compile --install-headers 'C:\Users\Yfrite\pyProjects\NeuronV3\venv\include\site\python3.9\youtokentome'
         cwd: C:\Users\Yfrite\AppData\Local\Temp\pip-install-at033d8j\youtokentome_9c7e7301731e491f94b6a757b6847abf\
    Complete output (22 lines):
    running install
    running build
    running build_py
    creating build
    creating build\lib.win-amd64-3.9
    creating build\lib.win-amd64-3.9\youtokentome
    copying youtokentome\youtokentome.py -> build\lib.win-amd64-3.9\youtokentome
    copying youtokentome\yttm_cli.py -> build\lib.win-amd64-3.9\youtokentome
    copying youtokentome\__init__.py -> build\lib.win-amd64-3.9\youtokentome
    running build_ext
    building '_youtokentome_cython' extension
    creating build\temp.win-amd64-3.9
    creating build\temp.win-amd64-3.9\Release
    creating build\temp.win-amd64-3.9\Release\youtokentome
    creating build\temp.win-amd64-3.9\Release\youtokentome\cpp
    C:\Program Files (x86)\Microsoft Visual Studio\2019\BuildTools\VC\Tools\MSVC\14.29.30133\bin\HostX86\x64\cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\Users\Yfrite\pyProjects\Neuron
V3\venv\include -IC:\Users\Yfrite\AppData\Local\Programs\Python\Python39\include -IC:\Users\Yfrite\AppData\Local\Programs\Python\Python39\include -IC:\Program Files (x86)\Microsoft Visual
 Studio\2019\BuildTools\VC\Tools\MSVC\14.29.30133\include -IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um /EHsc /Tpyoutokentome/cpp/bpe.cpp /Fobuild\temp.win-amd64-3.9\Relea
se\youtokentome/cpp/bpe.obj -std=c++11 -pthread -O3
    cl: Є®¬ ¤ п бва®Є  warning D9002: Їа®ЇгбЄ ҐЁ§ўҐбв®Ј® Ї а ¬Ґва  "-std=c++11"
    cl: Є®¬ ¤ п бва®Є  warning D9002: Їа®ЇгбЄ ҐЁ§ўҐбв®Ј® Ї а ¬Ґва  "-pthread"
    cl: Є®¬ ¤ п бва®Є  warning D9002: Їа®ЇгбЄ ҐЁ§ўҐбв®Ј® Ї а ¬Ґва  "-O3"
    bpe.cpp
    C:\Program Files (x86)\Microsoft Visual Studio\2019\BuildTools\VC\Tools\MSVC\14.29.30133\include\cstddef(12): fatal error C1083: ЌҐ г¤ Ґвбп ®вЄалвм д ©« ўЄ«о票Ґ: stddef.h: No such f
ile or directory,
    error: command 'C:\\Program Files (x86)\\Microsoft Visual Studio\\2019\\BuildTools\\VC\\Tools\\MSVC\\14.29.30133\\bin\\HostX86\\x64\\cl.exe' failed with exit code 2
    ----------------------------------------

Import somehow fails

When i'm tryping

import youtokentome as yttm
  • numpy
  • pandas
  • youtokentome
  • sentencepiece

are installed as requirements via

pip install -r requirements.txt

within a virtual environment called devenv on a Python3.6

There is some symbol not found

    (devenv) machine:tokenizer-learning USER$ python tokenize.py
    Traceback (most recent call last):
      File "tokenize.py", line 1, in <module>
        import youtokentome as yttm
      File "./tokenizer-learning/devenv/lib/python3.6/site-packages/youtokentome/__init__.py", line 1, in <module>
        from .youtokentome import BPE
      File "./tokenizer-learning/devenv/lib/python3.6/site-packages/youtokentome/youtokentome.py", line 4, in <module>
        import _youtokentome_cython
    ImportError: dlopen(./tokenizer-learning/devenv/lib/python3.6/site-packages/_youtokentome_cython.cpython-36m-darwin.so, 2): Symbol not found: __ZNKSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEE7compareEPKc
      Referenced from: ./tokenizer-learning/devenv/lib/python3.6/site-packages/_youtokentome_cython.cpython-36m-darwin.so
      Expected in: /usr/lib/libstdc++.6.dylib
     in ./tokenizer-learning/devenv/lib/python3.6/site-packages/_youtokentome_cython.cpython-36m-darwin.so
    (devenv) machine:tokenizer-learning USER$

Maybe cause I'v upgraded recently to 10.15.1 Catalina?

I'd be happy for some help, since SentencePiece is causing us some issues in our project and we want to tackle these.

Edit:

Python 3.7.3 (default, Apr  3 2019, 05:39:12) 
[GCC 8.3.0] on linux
Type "help", "copyright", "credits" or "license" for more information.
>>> import youtokentome as yttm
>>> x = yttm.BPE
>>> print(x)
<class 'youtokentome.youtokentome.BPE'>

Seems to work out fine. So I'll work on that system, but maybe this is still a somewhat valuable information.

Controlling word tokenization

I would like to know if there is any possibility to control the splitting of a word into tokens, besides setting up bpe dropout?
For example: "Best" can be tokenized into ['▁Best'] or ['▁Be', 'st'] and etc. Can I choose which one tokens to use?

error: Microsoft Visual C++ 14.0 or greater is required.

i've tried to "pip install youtokentome" but it fails with error : Microsoft Visual C++ 14.0 or greater is required.
so I tired to install C++ 14.0 or greater and different packages but still doesn't work, can you provide us with a guide to install youtokentome in 2021 and avoid Microsoft conflicts and regular updates issues.

Ruby Library

Hi, thanks for this great library (and this helpful write-up)! I wanted to let you know there are now Ruby bindings for it. It uses Rice to wrap the C++ library, which is Ruby's version of pybind11.

If you have any feedback, let me know or feel free to create an issue on the project for it. Thanks!

"▁" character can be separated when using BPE-dropout

When including BPE-dropout, word boundary character ('▁') can be separated from the first character of the word. This scenario is untested and could be harmful for the model training.

steps to reproduce:

>>> bpe.encode(["hello"], output_type=yttm.OutputType.SUBWORD, dropout_prob=1.0)                 
Out[45]: [['▁', 'h', 'e', 'l', 'l', 'o']]

(this also happens with dropout_prob < 1; I used 1 just for it to be reproducible)

Perhaps this behavior could be controlled by a flag to always merge '▁' and the next token?

Decoding without IDs

I'm using YouTokenToMe for BPE tokenization preprocessing for neural machine translation, so the results I receive are tokenized without any IDs. Is there a way to detokenize such output without writing my own decoding processing? There are many edge cases that end up missing, causing stray spaces.

I'm basically asking if there's a similar detokenization function like Sentencepiece.

Special Tokens

Hi
Thank you for this awesome library. Is there an easy way to add special tokens such as <MASK>?
Thanks

Process killed?

Any idea why this would happen?

Training parameters
  input: _training_aux
  model: vocab.bpe
  vocab_size: 24000
  n_threads: 8
  character_coverage: 1
  pad: 0
  unk: 1
  bos: 2
  eos: 3

reading file...
learning bpe...
number of unique characters in the training data: 224
number of deleted characters: 0
number of unique characters left: 224
Killed

OS: Pop!_OS 20.04 LTS
Version: 1.0.6
Input file size: 1.8G

[Question] How to learn joint bpe and vocabulary

Hi there,

I've been using learn-joint-bpe-and-vocab with subword-nmt, how shold I use yttm?

subword-nmt learn-joint-bpe-and-vocab -i $data/train.truecased.$src $data/train.truecased.$trg \
        --write-vocabulary $base/shared_models/vocab.$src $base/shared_models/vocab.$trg \
        -s $bpe_num_operations -o $base/shared_models/$src$trg.bpe

To perform the same process above with yttm, is it correct to specify the following?

cat $data/train.truecased.$src $data/train.truecased.$trg > /tmp/train.cat
yttm bpe --data /tmp/train.cat --model $base/shared_models/$src$trg.bpe --vocab_size $bpe_num_operations
yttm vocab --model $base/shared_models/$src$trg.bpe > $base/shared_models/vocab.$src
cp $base/shared_models/vocab.$src $base/shared_models/vocab.$trg

Thank you.

No module named 'Cython'

YouTokenToMe don't want to be installed:
"
(base) C:\Users\Администратор>pip install youtokentome
Collecting youtokentome
Using cached https://files.pythonhosted.org/packages/af/25/e2f9863b78e5aef61bc0475bfac39f56197103f767e6f2e957cc67b989f2/youtokentome-1.0.5.tar.gz
Complete output from command python setup.py egg_info:
Traceback (most recent call last):
File "", line 1, in
File "C:\Users\836D~1\AppData\Local\Temp\pip-install-0wpfct7j\youtokentome\setup.py", line 5, in
from Cython.Build import cythonize
ModuleNotFoundError: No module named 'Cython'

----------------------------------------

Command "python setup.py egg_info" failed with error code 1 in C:\Users\836D~1\AppData\Local\Temp\pip-install-0wpfct7j\youtokentome
"
Please, help!

How to generate vocab.json and merges.txt for YTTM tokenizer?

I want to train a GPT2 model with new vocabulary. I am following instructions given here: https://github.com/mgrankin/ru_transformers. YTTM tokenizer outputs a yt.model file that has the new vocab. However the run_generation.py script requires vocab.json and merges.txt files. I can see the vocab with below command:

yttm vocab --model yt.model

But I don't know how to convert it into vocab.json and merges.txt format. Shouldn't this have been a common problem?

Tokenizing large corpus

Right now tokenizer loads whole corpus in memory and it becomes an issue for large files.

Is it possible to read corpus file line-by-line or split it in any other way (while training as a whole)?

Handling line breaks

At the moment YTTM ignores line breaks as all. It could be useful to use line breaks as a token in some cases. In SentencePiece this is handled by the ability to add user defined symbols to vocabulary + preprocessing. For instance I can replace all \n to <|n|> and then train my vocab:

spm_train --input=./sometext.txt --model_prefix=m --vocab_size=50257 --user_defined_symbols='<|n|>'

Using YouTokenToMe with pre-defined vocab and embeddings

I want to use YouTokenToMe for fast id encoding, but I need to do it with embeddings taken from here : https://nlp.h-its.org/bpemb/
Obviously, there is a pre-defined vocab there. Right now I don't see out-of-the-box way to "befriend" YouTokenToMe model with pre-defined vocab.
Are there any plans to implement something like build_from_vocab classmethod? If not, can I get any starter points on how to do it myself? Right now the model file looks a bit obscure to me, so I can't easily get started on building my own model file from vocab I have.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.