diff --git a/Makefile b/Makefile index 1af63144..99a5ff59 100644 --- a/Makefile +++ b/Makefile @@ -1,11 +1,11 @@ integration-tests: - cargo test --release + cargo test cuda-integration-tests: - cargo test -F text-embeddings-backend-candle/cuda -F text-embeddings-backend-candle/flash-attn -F text-embeddings-router/candle-cuda --release + cargo test -F text-embeddings-backend-candle/cuda -F text-embeddings-backend-candle/flash-attn -F text-embeddings-router/candle-cuda --profile release-debug integration-tests-review: - cargo insta test --review --release + cargo insta test --review cuda-integration-tests-review: - cargo insta test --review --features "text-embeddings-backend-candle/cuda text-embeddings-backend-candle/flash-attn text-embeddings-router/candle-cuda" --release + cargo insta test --review --features "text-embeddings-backend-candle/cuda text-embeddings-backend-candle/flash-attn text-embeddings-router/candle-cuda" --profile release-debug diff --git a/backends/candle/src/layers.rs b/backends/candle/src/layers/mod.rs similarity index 100% rename from backends/candle/src/layers.rs rename to backends/candle/src/layers/mod.rs diff --git a/backends/candle/src/lib.rs b/backends/candle/src/lib.rs index 4af5b704..a7a5dcf0 100644 --- a/backends/candle/src/lib.rs +++ b/backends/candle/src/lib.rs @@ -12,7 +12,7 @@ use crate::compute_cap::{ }; use crate::models::{ BertConfig, BertModel, DistilBertConfig, DistilBertModel, JinaBertModel, JinaCodeBertModel, - JinaCodeConfig, JinaConfig, Model, NomicBertModel, NomicConfig, + Model, NomicBertModel, NomicConfig, }; #[cfg(feature = "cuda")] use crate::models::{ @@ -30,17 +30,28 @@ use text_embeddings_backend_core::{ Backend, BackendError, Batch, Embedding, Embeddings, ModelType, Predictions, }; +/// This enum is needed to be able to differentiate between jina models that also use +/// the `bert` model type and valid Bert models. +/// We use the `_name_or_path` field in the config to do so. This might not be robust in the long +/// run but is still better than the other options... +#[derive(Debug, Clone, PartialEq, Deserialize)] +#[serde(tag = "_name_or_path")] +pub enum BertConfigWrapper { + #[serde(rename = "jinaai/jina-bert-implementation")] + JinaBert(BertConfig), + #[serde(rename = "jinaai/jina-bert-v2-qk-post-norm")] + JinaCodeBert(BertConfig), + #[serde(untagged)] + Bert(BertConfig), +} + #[derive(Deserialize)] #[serde(tag = "model_type", rename_all = "kebab-case")] enum Config { - Bert(BertConfig), + Bert(BertConfigWrapper), XlmRoberta(BertConfig), Camembert(BertConfig), Roberta(BertConfig), - #[serde(rename(deserialize = "jina_bert"))] - JinaBert(JinaConfig), - #[serde(rename(deserialize = "jina_code_bert"))] - JinaCodeBert(JinaCodeConfig), #[serde(rename(deserialize = "distilbert"))] DistilBert(DistilBertConfig), #[serde(rename(deserialize = "nomic_bert"))] @@ -76,7 +87,7 @@ impl CandleBackend { "Runtime compute cap {} is not compatible with compile time compute cap {}", get_runtime_compute_cap().unwrap(), get_compile_compute_cap().unwrap() - ))) + ))); } Err(err) => { tracing::warn!("Could not find a compatible CUDA device on host: {err:?}"); @@ -123,20 +134,22 @@ impl CandleBackend { (_, Device::Cuda(_)) => Err(BackendError::Start( "`cuda` feature is not enabled".to_string(), )), - (Config::Bert(config), Device::Cpu | Device::Metal(_)) => { - tracing::info!("Starting Bert model on {:?}", device); - Ok(Box::new(BertModel::load(vb, &config, model_type).s()?)) - } - (Config::JinaBert(config), Device::Cpu | Device::Metal(_)) => { - tracing::info!("Starting JinaBertModel model on {:?}", device); - Ok(Box::new(JinaBertModel::load(vb, &config, model_type).s()?)) - } - (Config::JinaCodeBert(config), Device::Cpu | Device::Metal(_)) => { - tracing::info!("Starting JinaCodeBertModel model on {:?}", device); - Ok(Box::new( - JinaCodeBertModel::load(vb, &config, model_type).s()?, - )) - } + (Config::Bert(config), Device::Cpu | Device::Metal(_)) => match config { + BertConfigWrapper::JinaBert(config) => { + tracing::info!("Starting JinaBertModel model on {:?}", device); + Ok(Box::new(JinaBertModel::load(vb, &config, model_type).s()?)) + } + BertConfigWrapper::JinaCodeBert(config) => { + tracing::info!("Starting JinaCodeBert model on {:?}", device); + Ok(Box::new( + JinaCodeBertModel::load(vb, &config, model_type).s()?, + )) + } + BertConfigWrapper::Bert(config) => { + tracing::info!("Starting Bert model on {:?}", device); + Ok(Box::new(BertModel::load(vb, &config, model_type).s()?)) + } + }, ( Config::XlmRoberta(config) | Config::Camembert(config) | Config::Roberta(config), Device::Cpu | Device::Metal(_), @@ -160,56 +173,45 @@ impl CandleBackend { (Config::Bert(config), Device::Cuda(_)) => { if cfg!(any(feature = "flash-attn", feature = "flash-attn-v1")) && dtype == DType::F16 - && ((config.position_embedding_type == PositionEmbeddingType::Absolute) | (config.position_embedding_type == PositionEmbeddingType::Alibi)) // Allow disabling because of flash attention v1 precision problems // See: https://github.com/huggingface/text-embeddings-inference/issues/37 && &std::env::var("USE_FLASH_ATTENTION").unwrap_or("True".to_string()).to_lowercase() == "true" { - if config.position_embedding_type == PositionEmbeddingType::Alibi { - tracing::info!("Starting FlashBert model on {:?}", device); - Ok(Box::new(FlashBertModel::load(vb, &config, model_type).s()?)) - } else { - tracing::info!("Starting Bert model on {:?}", device); - Ok(Box::new(BertModel::load(vb, &config, model_type).s()?)) + match config { + BertConfigWrapper::JinaBert(config) => { + tracing::info!("Starting FlashJinaBert model on {:?}", device); + Ok(Box::new( + FlashJinaBertModel::load(vb, &config, model_type).s()?, + )) + } + BertConfigWrapper::JinaCodeBert(config) => { + tracing::info!("Starting FlashJinaCodeBert model on {:?}", device); + Ok(Box::new( + FlashJinaCodeBertModel::load(vb, &config, model_type).s()?, + )) + } + BertConfigWrapper::Bert(config) => { + tracing::info!("Starting FlashBert model on {:?}", device); + Ok(Box::new(FlashBertModel::load(vb, &config, model_type).s()?)) + } } - } - } - #[cfg(feature = "cuda")] - (Config::JinaBert(config), Device::Cuda(_)) => { - if cfg!(any(feature = "flash-attn", feature = "flash-attn-v1")) - && dtype == DType::F16 - && ((config.position_embedding_type == PositionEmbeddingType::Absolute) | (config.position_embedding_type == PositionEmbeddingType::Alibi)) - // Allow disabling because of flash attention v1 precision problems - // See: https://github.com/huggingface/text-embeddings-inference/issues/37 - && &std::env::var("USE_FLASH_ATTENTION").unwrap_or("True".to_string()).to_lowercase() == "true" - { - tracing::info!("Starting FlashJinaBertModel model on {:?}", device); - Ok(Box::new( - FlashJinaBertModel::load(vb, &config, model_type).s()?, - )) - } else { - tracing::info!("Starting JinaBertModel model on {:?}", device); - Ok(Box::new(JinaBertModel::load(vb, &config, model_type).s()?)) - } - } - #[cfg(feature = "cuda")] - (Config::JinaCodeBert(config), Device::Cuda(_)) => { - if cfg!(any(feature = "flash-attn", feature = "flash-attn-v1")) - && dtype == DType::F16 - && ((config.position_embedding_type == PositionEmbeddingType::Absolute) | (config.position_embedding_type == PositionEmbeddingType::Alibi)) - // Allow disabling because of flash attention v1 precision problems - // See: https://github.com/huggingface/text-embeddings-inference/issues/37 - && &std::env::var("USE_FLASH_ATTENTION").unwrap_or("True".to_string()).to_lowercase() == "true" - { - tracing::info!("Starting FlashJinaCodeBertModel model on {:?}", device); - Ok(Box::new( - FlashJinaCodeBertModel::load(vb, &config, model_type).s()?, - )) } else { - tracing::info!("Starting JinaCodeBertModel model on {:?}", device); - Ok(Box::new( - JinaCodeBertModel::load(vb, &config, model_type).s()?, - )) + match config { + BertConfigWrapper::JinaBert(config) => { + tracing::info!("Starting JinaBertModel model on {:?}", device); + Ok(Box::new(JinaBertModel::load(vb, &config, model_type).s()?)) + } + BertConfigWrapper::JinaCodeBert(config) => { + tracing::info!("Starting JinaCodeBert model on {:?}", device); + Ok(Box::new( + JinaCodeBertModel::load(vb, &config, model_type).s()?, + )) + } + BertConfigWrapper::Bert(config) => { + tracing::info!("Starting Bert model on {:?}", device); + Ok(Box::new(BertModel::load(vb, &config, model_type).s()?)) + } + } } } #[cfg(feature = "cuda")] @@ -219,7 +221,6 @@ impl CandleBackend { ) => { if cfg!(any(feature = "flash-attn", feature = "flash-attn-v1")) && dtype == DType::F16 - && ((config.position_embedding_type == PositionEmbeddingType::Absolute) | (config.position_embedding_type == PositionEmbeddingType::Alibi)) // Allow disabling because of flash attention v1 precision problems // See: https://github.com/huggingface/text-embeddings-inference/issues/37 && &std::env::var("USE_FLASH_ATTENTION").unwrap_or("True".to_string()).to_lowercase() == "true" diff --git a/backends/candle/src/models/flash_jina.rs b/backends/candle/src/models/flash_jina.rs index 0e1d3006..b2d47e51 100644 --- a/backends/candle/src/models/flash_jina.rs +++ b/backends/candle/src/models/flash_jina.rs @@ -2,14 +2,13 @@ use crate::alibi::alibi_head_slopes; use crate::flash_attn::flash_attn_varlen; use crate::layers::{HiddenAct, LayerNorm, Linear}; use crate::models::bert::PositionEmbeddingType; -use crate::models::jina::BertEmbeddings; -use crate::models::jina::{BertEmbeddings, JinaConfig}; -use crate::models::Model; +use crate::models::jina::JinaEmbeddings; +use crate::models::{BertConfig, Model}; use candle::{DType, Device, IndexOp, Result, Tensor}; use candle_nn::VarBuilder; use text_embeddings_backend_core::{Batch, ModelType, Pool}; -struct AlibiBertAttention { +struct JinaAttention { qkv_linear: Linear, dense: Linear, layer_norm: LayerNorm, @@ -23,7 +22,7 @@ struct AlibiBertAttention { span: tracing::Span, } -impl AlibiBertAttention { +impl JinaAttention { pub fn load(vb: VarBuilder, config: &BertConfig, alibi_slopes: Option) -> Result { let attention_head_size = config.hidden_size / config.num_attention_heads; let all_head_size = config.num_attention_heads * attention_head_size; @@ -117,7 +116,7 @@ impl AlibiBertAttention { } struct JinaBertLayer { - attention: AlibiBertAttention, + attention: JinaAttention, gated: Linear, output: Linear, layer_norm: LayerNorm, @@ -130,7 +129,7 @@ struct JinaBertLayer { impl JinaBertLayer { pub fn load(vb: VarBuilder, config: &BertConfig, alibi: Option) -> Result { - let attention = AlibiBertAttention::load(vb.pp("attention"), config, alibi)?; + let attention = JinaAttention::load(vb.pp("attention"), config, alibi)?; let gated_weight = vb .pp("mlp") @@ -174,14 +173,14 @@ impl JinaBertLayer { let residual = hidden_states.clone(); let hidden_states = self.gated.forward(&hidden_states)?; - let gated = hidden_states.i((.., 0..self.intermediate_size))?; + let gated = hidden_states.narrow(1, 0, self.intermediate_size)?; let gated = match self.act { HiddenAct::Gelu => gated.gelu(), HiddenAct::Relu => gated.relu(), HiddenAct::Swiglu => gated.silu(), }?; - let non_gated = hidden_states.i((.., self.intermediate_size..))?; + let non_gated = hidden_states.narrow(1, self.intermediate_size, self.intermediate_size)?; let hidden_states = (gated * non_gated)?; let hidden_states = self.output.forward(&hidden_states)?; @@ -191,12 +190,12 @@ impl JinaBertLayer { } } -struct BertEncoder { +struct JinaBertEncoder { layers: Vec, span: tracing::Span, } -impl BertEncoder { +impl JinaBertEncoder { pub fn load(vb: VarBuilder, config: &BertConfig, alibi: Option) -> Result { let layers = (0..config.num_hidden_layers) .map(|index| { @@ -205,7 +204,7 @@ impl BertEncoder { .collect::>>()?; let span = tracing::span!(tracing::Level::TRACE, "encoder"); - Ok(BertEncoder { layers, span }) + Ok(JinaBertEncoder { layers, span }) } fn forward(&self, hidden_states: &Tensor, cu_seqlens: &Tensor, max_s: usize) -> Result { @@ -223,8 +222,8 @@ impl BertEncoder { } pub struct FlashJinaBertModel { - embeddings: BertEmbeddings, - encoder: BertEncoder, + embeddings: JinaEmbeddings, + encoder: JinaBertEncoder, pool: Pool, pub device: Device, @@ -266,14 +265,14 @@ impl FlashJinaBertModel { }; let (embeddings, encoder) = match ( - BertEmbeddings::load(vb.pp("embeddings"), config), - BertEncoder::load(vb.pp("encoder"), config, alibi.clone()), + JinaEmbeddings::load(vb.pp("embeddings"), config), + JinaBertEncoder::load(vb.pp("encoder"), config, alibi.clone()), ) { (Ok(embeddings), Ok(encoder)) => (embeddings, encoder), (Err(err), _) | (_, Err(err)) => { if let (Ok(embeddings), Ok(encoder)) = ( - BertEmbeddings::load(vb.pp("bert.embeddings"), config), - BertEncoder::load(vb.pp("bert.encoder"), config, alibi.clone()), + JinaEmbeddings::load(vb.pp("bert.embeddings"), config), + JinaBertEncoder::load(vb.pp("bert.encoder"), config, alibi.clone()), ) { (embeddings, encoder) } else { diff --git a/backends/candle/src/models/flash_jina_code.rs b/backends/candle/src/models/flash_jina_code.rs index 0779c5d7..5df80be2 100644 --- a/backends/candle/src/models/flash_jina_code.rs +++ b/backends/candle/src/models/flash_jina_code.rs @@ -2,16 +2,14 @@ use crate::alibi::alibi_head_slopes; use crate::flash_attn::flash_attn_varlen; use crate::layers::{HiddenAct, LayerNorm, Linear}; use crate::models::bert::PositionEmbeddingType; -use crate::models::jina::{BertEmbeddings, JinaCodeConfig}; -use crate::models::Model; +use crate::models::jina::JinaEmbeddings; +use crate::models::{BertConfig, Model}; use candle::{DType, Device, IndexOp, Result, Tensor}; use candle_nn::VarBuilder; use text_embeddings_backend_core::{Batch, ModelType, Pool}; -struct AlibiBertAttention { - query_linear: Linear, - key_linear: Linear, - value_linear: Linear, +struct JinaCodeAttention { + qkv_linear: Linear, dense: Linear, layer_norm_q: LayerNorm, @@ -27,12 +25,8 @@ struct AlibiBertAttention { span: tracing::Span, } -impl AlibiBertAttention { - pub fn load( - vb: VarBuilder, - config: &JinaCodeConfig, - alibi_slopes: Option, - ) -> Result { +impl JinaCodeAttention { + pub fn load(vb: VarBuilder, config: &BertConfig, alibi_slopes: Option) -> Result { let attention_head_size = config.hidden_size / config.num_attention_heads; let all_head_size = config.num_attention_heads * attention_head_size; let hidden_size = config.hidden_size; @@ -50,21 +44,22 @@ impl AlibiBertAttention { .get((all_head_size, hidden_size), "weight")?; let value_bias = vb.pp("self.value").get(all_head_size, "bias")?; + let qkv_weight = Tensor::cat(&[&query_weight, &key_weight, &value_weight], 0)?; + let qkv_bias = Tensor::cat(&[&query_bias, &key_bias, &value_bias], 0)?; + + let qkv_linear = Linear::new(qkv_weight, Some(qkv_bias), None); + let layer_norm_q = LayerNorm::load( - vp.pp("self").pp("layer_norm_q"), + vb.pp("self").pp("layer_norm_q"), config.hidden_size, config.layer_norm_eps as f32, )?; let layer_norm_k = LayerNorm::load( - vp.pp("self").pp("layer_norm_k"), + vb.pp("self").pp("layer_norm_k"), config.hidden_size, config.layer_norm_eps as f32, )?; - let query_linear = Linear::new(query_weight, Some(query_bias), None); - let key_linear = Linear::new(key_weight, Some(key_bias), None); - let value_linear = Linear::new(value_weight, Some(value_bias), None); - let dense_weight = vb .pp("output") .pp("dense") @@ -82,9 +77,7 @@ impl AlibiBertAttention { let softmax_scale = (1. / (attention_head_size as f64).sqrt()) as f32; Ok(Self { - query_linear, - key_linear, - value_linear, + qkv_linear, dense, layer_norm_q, layer_norm_k, @@ -107,32 +100,39 @@ impl AlibiBertAttention { let residual = hidden_states.clone(); - let query_layer = self.query_linear.forward(hidden_states)?; - let query_layer = self.layer_norm_q.forward(&query_layer, None)?; - - let key_layer = self.key_linear.forward(hidden_states)?; - let key_layer = self.layer_norm_k.forward(&key_layer, None)?; - - let value_layer = self.value_linear.forward(hidden_states)?; + let qkv = self.qkv_linear.forward(hidden_states)?; let mut new_qkv_shape = qkv.dims().to_vec(); new_qkv_shape.pop(); - new_qkv_shape.push(self.num_attention_heads); + new_qkv_shape.push(self.num_attention_heads * 3); new_qkv_shape.push(self.attention_head_size); - let query_layer = query_layer - .reshape(new_qkv_shape.as_slice())? - .transpose(1, 2)?; - let key_layer = key_layer - .reshape(new_qkv_shape.as_slice())? - .transpose(1, 2)?; - let value_layer = value_layer - .reshape(new_qkv_shape.as_slice())? - .transpose(1, 2)?; + let qkv = qkv.reshape(new_qkv_shape.as_slice())?; + // Splits heads + let qkv = qkv.chunk(3, 1)?; + + // Flatten last dims again to go through the layer norm + let query_layer = &qkv[0].flatten_from(candle::D::Minus2)?; + let key_layer = &qkv[1].flatten_from(candle::D::Minus2)?; + + // Layer norm on q and k + let query_layer = self.layer_norm_q.forward(&query_layer, None)?; + let key_layer = self.layer_norm_k.forward(&key_layer, None)?; + + // Reshape back + let mut new_qk_shape = query_layer.dims().to_vec(); + new_qk_shape.pop(); + new_qk_shape.push(self.num_attention_heads); + new_qk_shape.push(self.attention_head_size); + + let query_layer = query_layer.reshape(new_qk_shape.as_slice())?; + let key_layer = key_layer.reshape(new_qk_shape.as_slice())?; + + let value_layer = &qkv[2]; let attention = flash_attn_varlen( - query_layer, - key_layer, + &query_layer, + &key_layer, value_layer, self.alibi_slopes.as_ref(), cu_seqlens, @@ -153,8 +153,8 @@ impl AlibiBertAttention { } } -struct JinaBertLayer { - attention: AlibiBertAttention, +struct JinaCodeBertLayer { + attention: JinaCodeAttention, up_gated_layer: Linear, down_layer: Linear, layer_norm_1: LayerNorm, @@ -166,9 +166,9 @@ struct JinaBertLayer { span: tracing::Span, } -impl JinaBertLayer { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig, alibi: Option) -> Result { - let attention = AlibiBertAttention::load(vb.pp("attention"), config, alibi)?; +impl JinaCodeBertLayer { + pub fn load(vb: VarBuilder, config: &BertConfig, alibi: Option) -> Result { + let attention = JinaCodeAttention::load(vb.pp("attention"), config, alibi)?; let up_gated_weight = vb .pp("mlp") @@ -226,8 +226,8 @@ impl JinaBertLayer { // MLP block let residual = hidden_states.clone(); let hidden_states = self.up_gated_layer.forward(&hidden_states)?; - let non_gated = hidden_states.i((.., .., 0..self.intermediate_size))?; - let gated = hidden_states.i((.., .., self.intermediate_size..))?; + let non_gated = hidden_states.narrow(1, 0, self.intermediate_size)?; + let gated = hidden_states.narrow(1, self.intermediate_size, self.intermediate_size)?; let gated = match self.act { HiddenAct::Gelu => gated.gelu(), HiddenAct::Relu => gated.relu(), @@ -243,21 +243,21 @@ impl JinaBertLayer { } } -struct BertEncoder { - layers: Vec, +struct JinaCodeBertEncoder { + layers: Vec, span: tracing::Span, } -impl BertEncoder { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig, alibi: Option) -> Result { +impl JinaCodeBertEncoder { + pub fn load(vb: VarBuilder, config: &BertConfig, alibi: Option) -> Result { let layers = (0..config.num_hidden_layers) .map(|index| { - JinaBertLayer::load(vb.pp(format!("layer.{index}")), config, alibi.clone()) + JinaCodeBertLayer::load(vb.pp(format!("layer.{index}")), config, alibi.clone()) }) .collect::>>()?; let span = tracing::span!(tracing::Level::TRACE, "encoder"); - Ok(BertEncoder { layers, span }) + Ok(JinaCodeBertEncoder { layers, span }) } fn forward(&self, hidden_states: &Tensor, cu_seqlens: &Tensor, max_s: usize) -> Result { @@ -275,8 +275,8 @@ impl BertEncoder { } pub struct FlashJinaCodeBertModel { - embeddings: BertEmbeddings, - encoder: BertEncoder, + embeddings: JinaEmbeddings, + encoder: JinaCodeBertEncoder, pool: Pool, pub device: Device, @@ -284,7 +284,7 @@ pub struct FlashJinaCodeBertModel { } impl FlashJinaCodeBertModel { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig, model_type: ModelType) -> Result { + pub fn load(vb: VarBuilder, config: &BertConfig, model_type: ModelType) -> Result { let alibi = match config.position_embedding_type { PositionEmbeddingType::Alibi => { let alibi_slopes = alibi_head_slopes(config.num_attention_heads); @@ -318,14 +318,14 @@ impl FlashJinaCodeBertModel { }; let (embeddings, encoder) = match ( - BertEmbeddings::load(vb.pp("embeddings"), config), - BertEncoder::load(vb.pp("encoder"), config, alibi.clone()), + JinaEmbeddings::load(vb.pp("embeddings"), config), + JinaCodeBertEncoder::load(vb.pp("encoder"), config, alibi.clone()), ) { (Ok(embeddings), Ok(encoder)) => (embeddings, encoder), (Err(err), _) | (_, Err(err)) => { if let (Ok(embeddings), Ok(encoder)) = ( - BertEmbeddings::load(vb.pp("bert.embeddings"), config), - BertEncoder::load(vb.pp("bert.encoder"), config, alibi.clone()), + JinaEmbeddings::load(vb.pp("bert.embeddings"), config), + JinaCodeBertEncoder::load(vb.pp("bert.encoder"), config, alibi.clone()), ) { (embeddings, encoder) } else { diff --git a/backends/candle/src/models/jina.rs b/backends/candle/src/models/jina.rs index b1d75d94..768e1a6f 100644 --- a/backends/candle/src/models/jina.rs +++ b/backends/candle/src/models/jina.rs @@ -1,37 +1,13 @@ use crate::alibi::build_alibi_tensor; use crate::layers::{get_cublas_lt_wrapper, HiddenAct, LayerNorm, Linear}; -use crate::models::Model; use crate::models::PositionEmbeddingType; +use crate::models::{BertConfig, Model}; use candle::{DType, Device, IndexOp, Module, Result, Tensor, D}; use candle_nn::{Embedding, VarBuilder}; -use serde::Deserialize; -use std::collections::HashMap; use text_embeddings_backend_core::{Batch, ModelType, Pool}; -#[derive(Debug, Clone, PartialEq, Deserialize)] -pub struct JinaConfig { - pub vocab_size: usize, - pub hidden_size: usize, - pub num_hidden_layers: usize, - pub num_attention_heads: usize, - pub intermediate_size: usize, - pub hidden_act: HiddenAct, - pub hidden_dropout_prob: f64, - pub max_position_embeddings: usize, - pub type_vocab_size: usize, - pub initializer_range: f64, - pub layer_norm_eps: f64, - pub pad_token_id: usize, - #[serde(default)] - pub position_embedding_type: PositionEmbeddingType, - #[serde(default)] - pub use_cache: bool, - pub classifier_dropout: Option, - pub id2label: Option>, -} - #[derive(Debug)] -pub struct BertEmbeddings { +pub struct JinaEmbeddings { word_embeddings: Embedding, token_type_embeddings: Embedding, position_embeddings: Option, @@ -39,8 +15,8 @@ pub struct BertEmbeddings { span: tracing::Span, } -impl BertEmbeddings { - pub fn load(vb: VarBuilder, config: &JinaConfig) -> Result { +impl JinaEmbeddings { + pub fn load(vb: VarBuilder, config: &BertConfig) -> Result { let position_embeddings = if config.position_embedding_type == PositionEmbeddingType::Absolute { Some(Embedding::new( @@ -98,7 +74,7 @@ impl BertEmbeddings { } } -struct BertAttention { +struct JinaAttention { qkv_linear: Linear, dense: Linear, @@ -111,8 +87,8 @@ struct BertAttention { span: tracing::Span, } -impl BertAttention { - pub fn load(vb: VarBuilder, config: &JinaConfig) -> Result { +impl JinaAttention { + pub fn load(vb: VarBuilder, config: &BertConfig) -> Result { let attention_head_size = config.hidden_size / config.num_attention_heads; let all_head_size = config.num_attention_heads * attention_head_size; let hidden_size = config.hidden_size; @@ -261,7 +237,7 @@ impl BertAttention { } struct JinaBertLayer { - attention: BertAttention, + attention: JinaAttention, gated: Linear, output: Linear, layer_norm: LayerNorm, @@ -273,8 +249,8 @@ struct JinaBertLayer { } impl JinaBertLayer { - pub fn load(vb: VarBuilder, config: &JinaConfig) -> Result { - let attention = BertAttention::load(vb.pp("attention"), config)?; + pub fn load(vb: VarBuilder, config: &BertConfig) -> Result { + let attention = JinaAttention::load(vb.pp("attention"), config)?; let gated_weight = vb .pp("mlp") @@ -334,19 +310,19 @@ impl JinaBertLayer { } } -struct BertEncoder { +struct JinaBertEncoder { layers: Vec, span: tracing::Span, } -impl BertEncoder { - pub fn load(vb: VarBuilder, config: &JinaConfig) -> Result { +impl JinaBertEncoder { + pub fn load(vb: VarBuilder, config: &BertConfig) -> Result { let layers = (0..config.num_hidden_layers) .map(|index| JinaBertLayer::load(vb.pp(format!("layer.{index}")), config)) .collect::>>()?; let span = tracing::span!(tracing::Level::TRACE, "encoder"); - Ok(BertEncoder { layers, span }) + Ok(JinaBertEncoder { layers, span }) } fn forward(&self, hidden_states: &Tensor, attention_bias: Option<&Tensor>) -> Result { @@ -364,8 +340,8 @@ impl BertEncoder { } pub struct JinaBertModel { - embeddings: BertEmbeddings, - encoder: BertEncoder, + embeddings: JinaEmbeddings, + encoder: JinaBertEncoder, pool: Pool, alibi: Option, @@ -378,7 +354,7 @@ pub struct JinaBertModel { } impl JinaBertModel { - pub fn load(vb: VarBuilder, config: &JinaConfig, model_type: ModelType) -> Result { + pub fn load(vb: VarBuilder, config: &BertConfig, model_type: ModelType) -> Result { let alibi = match config.position_embedding_type { PositionEmbeddingType::Alibi => Some(build_alibi_tensor( config.max_position_embeddings, @@ -402,14 +378,14 @@ impl JinaBertModel { }; let (embeddings, encoder) = match ( - BertEmbeddings::load(vb.pp("embeddings"), config), - BertEncoder::load(vb.pp("encoder"), config), + JinaEmbeddings::load(vb.pp("embeddings"), config), + JinaBertEncoder::load(vb.pp("encoder"), config), ) { (Ok(embeddings), Ok(encoder)) => (embeddings, encoder), (Err(err), _) | (_, Err(err)) => { if let (Ok(embeddings), Ok(encoder)) = ( - BertEmbeddings::load(vb.pp("bert.embeddings"), config), - BertEncoder::load(vb.pp("bert.encoder"), config), + JinaEmbeddings::load(vb.pp("bert.embeddings"), config), + JinaBertEncoder::load(vb.pp("bert.encoder"), config), ) { (embeddings, encoder) } else { diff --git a/backends/candle/src/models/jina_code.rs b/backends/candle/src/models/jina_code.rs index ec8a8c84..348f5892 100644 --- a/backends/candle/src/models/jina_code.rs +++ b/backends/candle/src/models/jina_code.rs @@ -1,107 +1,14 @@ use crate::alibi::build_alibi_tensor; use crate::layers::{get_cublas_lt_wrapper, HiddenAct, LayerNorm, Linear}; -use crate::models::Model; +use crate::models::jina::JinaEmbeddings; use crate::models::PositionEmbeddingType; -use candle::{DType, Device, IndexOp, Module, Result, Tensor, D}; -use candle_nn::{Embedding, VarBuilder}; -use serde::Deserialize; -use std::collections::HashMap; +use crate::models::{BertConfig, Model}; +use candle::{DType, Device, IndexOp, Result, Tensor, D}; +use candle_nn::VarBuilder; use text_embeddings_backend_core::{Batch, ModelType, Pool}; -#[derive(Debug, Clone, PartialEq, Deserialize)] -pub struct JinaCodeConfig { - pub vocab_size: usize, - pub hidden_size: usize, - pub num_hidden_layers: usize, - pub num_attention_heads: usize, - pub intermediate_size: usize, - pub hidden_act: HiddenAct, - pub hidden_dropout_prob: f64, - pub max_position_embeddings: usize, - pub type_vocab_size: usize, - pub initializer_range: f64, - pub layer_norm_eps: f64, - pub pad_token_id: usize, - #[serde(default)] - pub position_embedding_type: PositionEmbeddingType, - #[serde(default)] - pub use_cache: bool, - pub classifier_dropout: Option, - pub id2label: Option>, -} - -#[derive(Debug)] -pub struct BertEmbeddings { - word_embeddings: Embedding, - token_type_embeddings: Embedding, - position_embeddings: Option, - layer_norm: LayerNorm, - span: tracing::Span, -} - -impl BertEmbeddings { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig) -> Result { - let position_embeddings = - if config.position_embedding_type == PositionEmbeddingType::Absolute { - Some(Embedding::new( - vb.pp("position_embeddings").get( - (config.max_position_embeddings, config.hidden_size), - "weight", - )?, - config.hidden_size, - )) - } else { - None - }; - - Ok(Self { - word_embeddings: Embedding::new( - vb.pp("word_embeddings") - .get((config.vocab_size, config.hidden_size), "weight")?, - config.hidden_size, - ), - token_type_embeddings: Embedding::new( - vb.pp("token_type_embeddings") - .get((config.type_vocab_size, config.hidden_size), "weight")?, - config.hidden_size, - ), - position_embeddings, - layer_norm: LayerNorm::load( - vb.pp("LayerNorm"), - config.hidden_size, - config.layer_norm_eps as f32, - )?, - span: tracing::span!(tracing::Level::TRACE, "embeddings"), - }) - } - - pub fn forward( - &self, - input_ids: &Tensor, - token_type_ids: &Tensor, - position_ids: &Tensor, - ) -> Result { - let _enter = self.span.enter(); - - let input_embeddings = self.word_embeddings.forward(input_ids)?; - let token_type_embeddings = self.token_type_embeddings.forward(token_type_ids)?; - - if let Some(position_embeddings) = &self.position_embeddings { - let position_embeddings = position_embeddings.forward(position_ids)?; - let embeddings = input_embeddings.add(&token_type_embeddings)?; - self.layer_norm - .forward(&embeddings, Some(&position_embeddings)) - } else { - self.layer_norm - .forward(&input_embeddings, Some(&token_type_embeddings)) - } - } -} - -struct BertAttention { - query_linear: Linear, - key_linear: Linear, - value_linear: Linear, +struct JinaCodeAttention { + qkv_linear: Linear, dense: Linear, layer_norm_q: LayerNorm, @@ -115,8 +22,8 @@ struct BertAttention { span: tracing::Span, } -impl BertAttention { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig) -> Result { +impl JinaCodeAttention { + pub fn load(vb: VarBuilder, config: &BertConfig) -> Result { let attention_head_size = config.hidden_size / config.num_attention_heads; let all_head_size = config.num_attention_heads * attention_head_size; let hidden_size = config.hidden_size; @@ -136,6 +43,11 @@ impl BertAttention { .get((all_head_size, hidden_size), "weight")?; let value_bias = vb.pp("self.value").get(all_head_size, "bias")?; + let qkv_weight = Tensor::cat(&[&query_weight, &key_weight, &value_weight], 0)?; + let qkv_bias = Tensor::cat(&[&query_bias, &key_bias, &value_bias], 0)?; + + let qkv_linear = Linear::new(qkv_weight, Some(qkv_bias), None); + let layer_norm_q = LayerNorm::load( vb.pp("self").pp("layer_norm_q"), config.hidden_size, @@ -147,10 +59,6 @@ impl BertAttention { config.layer_norm_eps as f32, )?; - let query_linear = Linear::new(query_weight, Some(query_bias), None); - let key_linear = Linear::new(key_weight, Some(key_bias), None); - let value_linear = Linear::new(value_weight, Some(value_bias), None); - let dense_weight = vb .pp("output") .pp("dense") @@ -168,9 +76,7 @@ impl BertAttention { let softmax_scale = 1. / (attention_head_size as f64).sqrt(); Ok(Self { - query_linear, - key_linear, - value_linear, + qkv_linear, dense, layer_norm_q, layer_norm_k, @@ -187,28 +93,40 @@ impl BertAttention { let device = hidden_states.device(); let residual = hidden_states.clone(); - let query_layer = self.query_linear.forward(hidden_states)?; - let query_layer = self.layer_norm_q.forward(&query_layer, None)?; - - let key_layer = self.key_linear.forward(hidden_states)?; - let key_layer = self.layer_norm_k.forward(&key_layer, None)?; + let qkv = self.qkv_linear.forward(hidden_states)?; - let value_layer = self.value_linear.forward(hidden_states)?; - - let mut new_qkv_shape = query_layer.dims().to_vec(); + let mut new_qkv_shape = qkv.dims().to_vec(); new_qkv_shape.pop(); - new_qkv_shape.push(self.num_attention_heads); + new_qkv_shape.push(self.num_attention_heads * 3); new_qkv_shape.push(self.attention_head_size); + let qkv = qkv.reshape(new_qkv_shape.as_slice())?; + + // Split heads + let qkv = qkv.chunk(3, 2)?; + + // Flatten last dims again to go through the layer norm + let query_layer = &qkv[0].flatten_from(D::Minus2)?; + let key_layer = &qkv[1].flatten_from(D::Minus2)?; + + // Layer norm on q and k + let query_layer = self.layer_norm_q.forward(query_layer, None)?; + let key_layer = self.layer_norm_k.forward(key_layer, None)?; + + let mut new_qk_shape = query_layer.dims().to_vec(); + new_qk_shape.pop(); + new_qk_shape.push(self.num_attention_heads); + new_qk_shape.push(self.attention_head_size); + let query_layer = query_layer - .reshape(new_qkv_shape.as_slice())? - .transpose(1, 2)?; + .reshape(new_qk_shape.as_slice())? + .transpose(1, 2)? + .contiguous()?; let key_layer = key_layer - .reshape(new_qkv_shape.as_slice())? - .transpose(1, 2)?; - let value_layer = value_layer - .reshape(new_qkv_shape.as_slice())? - .transpose(1, 2)?; + .reshape(new_qk_shape.as_slice())? + .transpose(1, 2)? + .contiguous()?; + let value_layer = &qkv[2].transpose(1, 2)?.contiguous()?; #[allow(unused_variables)] let context_layer = if let (Device::Cuda(_), Some(cublaslt)) = @@ -290,7 +208,7 @@ impl BertAttention { } struct JinaCodeBertLayer { - attention: BertAttention, + attention: JinaCodeAttention, up_gated_layer: Linear, down_layer: Linear, layer_norm_1: LayerNorm, @@ -303,8 +221,8 @@ struct JinaCodeBertLayer { } impl JinaCodeBertLayer { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig) -> Result { - let attention = BertAttention::load(vb.pp("attention"), config)?; + pub fn load(vb: VarBuilder, config: &BertConfig) -> Result { + let attention = JinaCodeAttention::load(vb.pp("attention"), config)?; let up_gated_weight = vb .pp("mlp") @@ -381,19 +299,19 @@ impl JinaCodeBertLayer { } } -struct BertEncoder { +struct JinaCodeBertEncoder { layers: Vec, span: tracing::Span, } -impl BertEncoder { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig) -> Result { +impl JinaCodeBertEncoder { + pub fn load(vb: VarBuilder, config: &BertConfig) -> Result { let layers = (0..config.num_hidden_layers) .map(|index| JinaCodeBertLayer::load(vb.pp(format!("layer.{index}")), config)) .collect::>>()?; let span = tracing::span!(tracing::Level::TRACE, "encoder"); - Ok(BertEncoder { layers, span }) + Ok(JinaCodeBertEncoder { layers, span }) } fn forward(&self, hidden_states: &Tensor, attention_bias: Option<&Tensor>) -> Result { @@ -411,8 +329,8 @@ impl BertEncoder { } pub struct JinaCodeBertModel { - embeddings: BertEmbeddings, - encoder: BertEncoder, + embeddings: JinaEmbeddings, + encoder: JinaCodeBertEncoder, pool: Pool, alibi: Option, @@ -425,7 +343,7 @@ pub struct JinaCodeBertModel { } impl JinaCodeBertModel { - pub fn load(vb: VarBuilder, config: &JinaCodeConfig, model_type: ModelType) -> Result { + pub fn load(vb: VarBuilder, config: &BertConfig, model_type: ModelType) -> Result { let alibi = match config.position_embedding_type { PositionEmbeddingType::Alibi => Some(build_alibi_tensor( config.max_position_embeddings, @@ -449,14 +367,14 @@ impl JinaCodeBertModel { }; let (embeddings, encoder) = match ( - BertEmbeddings::load(vb.pp("embeddings"), config), - BertEncoder::load(vb.pp("encoder"), config), + JinaEmbeddings::load(vb.pp("embeddings"), config), + JinaCodeBertEncoder::load(vb.pp("encoder"), config), ) { (Ok(embeddings), Ok(encoder)) => (embeddings, encoder), (Err(err), _) | (_, Err(err)) => { if let (Ok(embeddings), Ok(encoder)) = ( - BertEmbeddings::load(vb.pp("bert.embeddings"), config), - BertEncoder::load(vb.pp("bert.encoder"), config), + JinaEmbeddings::load(vb.pp("bert.embeddings"), config), + JinaCodeBertEncoder::load(vb.pp("bert.encoder"), config), ) { (embeddings, encoder) } else { diff --git a/backends/candle/src/models.rs b/backends/candle/src/models/mod.rs similarity index 93% rename from backends/candle/src/models.rs rename to backends/candle/src/models/mod.rs index d64f5a35..a7d6b267 100644 --- a/backends/candle/src/models.rs +++ b/backends/candle/src/models/mod.rs @@ -28,8 +28,8 @@ mod flash_distilbert; pub use bert::{BertConfig, BertModel, PositionEmbeddingType}; use candle::{Result, Tensor}; pub use distilbert::{DistilBertConfig, DistilBertModel}; -pub use jina::{JinaBertModel, JinaConfig}; -pub use jina_code::{JinaCodeBertModel, JinaCodeConfig}; +pub use jina::JinaBertModel; +pub use jina_code::JinaCodeBertModel; pub use nomic::{NomicBertModel, NomicConfig}; use text_embeddings_backend_core::Batch; diff --git a/backends/candle/tests/common.rs b/backends/candle/tests/common.rs index b9d23995..d7ebc67d 100644 --- a/backends/candle/tests/common.rs +++ b/backends/candle/tests/common.rs @@ -25,7 +25,7 @@ impl Score { impl PartialEq for Score { fn eq(&self, other: &Self) -> bool { // Default tolerance for equality - self.is_close(other, 5e-3) + self.is_close(other, 6e-3) } } diff --git a/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_batch.snap b/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_batch.snap index 3441cb71..0ad889a9 100644 --- a/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_batch.snap +++ b/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_batch.snap @@ -1,772 +1,2309 @@ --- source: backends/candle/tests/test_flash_jina_code.rs +assertion_line: 37 expression: embeddings_batch --- -- - -0.011624558 - - -0.0016926473 - - -0.006434922 - - -0.009909191 - - 0.027506275 - - 0.022786874 - - -0.059169117 - - -0.047887173 - - 0.038912594 - - 0.025214802 - - -0.014350341 - - 0.039117776 - - 0.03485464 - - 0.05296896 - - 0.034907352 - - 0.0013971328 - - 0.0019907136 - - 0.052471623 - - -0.014562107 - - 0.00030206257 - - -0.02770458 - - 0.02685756 - - -0.015385578 - - -0.012668428 - - -0.025259107 - - 0.00836893 - - 0.028925523 - - -0.035507426 - - -0.04220648 - - 0.047328673 - - -0.083232224 - - -0.02608385 - - -0.012809777 - - -0.0140402755 - - -0.013649549 - - -0.013641793 - - 0.02880054 - - 0.04465023 - - -0.0274121 - - -0.03170939 - - -0.047180377 - - -0.0349574 - - -0.037762504 - - 0.024104225 - - -0.039361924 - - -0.024559166 - - -0.0138650155 - - -0.049862508 - - -0.0507675 - - -0.07775355 - - -0.055519626 - - -0.025151063 - - 0.040781654 - - 0.0039354665 - - 0.015940087 - - -0.022214677 - - -0.013484792 - - -0.00070730236 - - -0.009409981 - - 0.0016682384 - - 0.016079267 - - -0.032368172 - - 0.024572799 - - 0.026780155 - - -0.025954 - - 0.021282032 - - -0.047395118 - - 0.044386413 - - -0.023020437 - - 0.0056320634 - - -0.017416032 - - -0.024118245 - - 0.05878816 - - 0.00059366866 - - -0.018553924 - - 0.003762008 - - 0.0035026476 - - -0.0077498616 - - -0.004517831 - - 0.008116448 - - -0.010922055 - - 0.037391223 - - -0.03318112 - - -0.07876148 - - -0.0018068684 - - -0.0484656 - - -0.038104814 - - -0.0070756334 - - -0.015427567 - - -0.04499487 - - 0.008910639 - - 0.029193114 - - 0.032674707 - - 0.0305758 - - -0.017541302 - - 0.028164856 - - -0.0344121 - - 0.016969312 - - 0.04108575 - - -0.054463603 - - -0.005427823 - - -0.008252881 - - -0.024992533 - - 0.048412405 - - -0.05769221 - - -0.08227673 - - -0.0523458 - - 0.025244992 - - -0.016289622 - - -0.049253095 - - -0.03999235 - - 0.05642755 - - -0.010015731 - - 0.04892553 - - -0.02504831 - - -0.014305144 - - 0.04907702 - - -0.0096177375 - - -0.0854665 - - 0.017617436 - - -0.014481601 - - 0.046187755 - - -0.030009247 - - -0.049553443 - - -0.006797771 - - -0.034234725 - - 0.06525787 - - 0.017298417 - - -0.018988462 - - -0.08520813 - - -0.011840521 - - -0.042942975 - - -0.056341827 - - 0.08071612 - - 0.028146833 - - -0.0141261155 - - 0.04001012 - - 0.018236378 - - 0.01583886 - - 0.0058086845 - - 0.0005290361 - - 0.0045259795 - - 0.024873685 - - 0.018050008 - - 0.02440984 - - -0.057676647 - - -0.022263395 - - -0.033016473 - - 0.014353932 - - -0.010189813 - - 0.018424626 - - -0.018238619 - - 0.07698089 - - -0.015595315 - - 0.007074499 - - 0.027340613 - - -0.02035102 - - -0.073149584 - - -0.0061021335 - - 0.0209061 - - -0.024985746 - - -0.020401739 - - -0.0048702923 - - 0.0444933 - - -0.02158648 - - 0.010312202 - - 0.009883107 - - 0.022790415 - - -0.01893943 - - 0.017615119 - - 0.023000762 - - -0.051276624 - - 0.019835759 - - 0.016675396 - - 0.021532865 - - 0.023097536 - - 0.01091247 - - 0.007642041 - - 0.0385409 - - 0.044193454 - - 0.003319116 - - 0.019355802 - - -0.055695307 - - -0.07680676 - - -0.035279598 - - -0.0070618573 - - -0.01408385 - - 0.03107026 - - 0.011547187 - - 0.04217532 - - 0.048034772 - - -0.014330861 - - -0.0007901662 - - 0.009103947 - - 0.011091706 - - -0.008960474 - - -0.009301379 - - 0.032424763 - - 0.09180531 - - 0.015491586 - - 0.031114861 - - 0.013289549 - - 0.03616163 - - 0.031084707 - - -0.021437835 - - 0.011905716 - - -0.104623 - - 0.033417992 - - -0.04683295 - - -0.05382028 - - 0.025979578 - - -0.003795323 - - 0.094473585 - - 0.09126942 - - 0.067700386 - - -0.002935823 - - -0.031604428 - - 0.0045677535 - - 0.014042491 - - -0.02969786 - - -0.012263599 - - -0.05807616 - - -0.0107510965 - - 0.022099612 - - 0.02685798 - - -0.048912797 - - 0.020464186 - - 0.011517319 - - -0.0016606319 - - -0.033255223 - - 0.02488959 - - -0.043240122 - - 0.00013934783 - - 0.037608404 - - 0.0748658 - - 0.061115693 - - -0.01670558 - - 0.037827995 - - -0.004162286 - - -0.00011341072 - - -0.031436242 - - -0.040532686 - - -0.0096016815 - - -0.065639205 - - -0.030070387 - - 0.05715196 - - 0.024338327 - - -0.008972259 - - -0.013220871 - - -0.07115904 - - -0.03446362 - - -0.010893238 - - 0.011950567 - - 0.0143028535 - - 0.0022963681 - - -0.060428943 - - 0.047038406 - - -0.017493663 - - 0.0208505 - - -0.010212147 - - -0.03337894 - - 0.026969628 - - -0.019734934 - - 0.0922163 - - -0.056534916 - - 0.017255465 - - 0.021692138 - - 0.023583038 - - 0.017224979 - - -0.0689936 - - 0.23665377 - - 0.04984247 - - -0.0039337534 - - -0.010740561 - - 0.00313393 - - -0.02665381 - - 0.013037893 - - 0.020565815 - - -0.002266256 - - 0.03748113 - - 0.018353125 - - -0.048318923 - - -0.06522075 - - -0.021460611 - - -0.029665926 - - -0.025507431 - - 0.0033435076 - - -0.0071087605 - - 0.001970083 - - -0.0025331723 - - 0.061776515 - - 0.017747495 - - 0.04396135 - - 0.0011617352 - - 0.02509327 - - 0.039078914 - - -0.03762337 - - 0.021575885 - - 0.015548619 - - 0.043990802 - - -0.024633111 - - -0.0013324996 - - 0.063795656 - - -0.02035371 - - -0.0440217 - - -0.033049908 - - 0.031034056 - - -0.004495562 - - -0.0044647786 - - -0.033148468 - - 0.0025072312 - - 0.009637453 - - 0.04357035 - - 0.044546504 - - -0.08865154 - - -0.08487347 - - 0.00205395 - - 0.0060572727 - - 0.023767816 - - 0.051007573 - - 0.0057035745 - - 0.040539596 - - -0.035988905 - - -0.01824621 - - 0.007887274 - - -0.052848075 - - 0.08228733 - - 0.0015825987 - - 0.0004136183 - - 0.018108545 - - 0.040081892 - - -0.035405345 - - 0.050933696 - - 0.036154125 - - -0.03947257 - - -0.0018412384 - - -0.005589829 - - 0.03620321 - - 0.012144826 - - -0.008619581 - - -0.0043279063 - - 0.016455552 - - -0.015757388 - - 0.047043085 - - 0.08675011 - - -0.009986743 - - 0.022379123 - - 0.009470605 - - 0.034120724 - - 0.009922824 - - -0.014435422 - - 0.017998574 - - -0.03849387 - - 0.042357396 - - -0.010053916 - - 0.057034835 - - -0.027412737 - - 0.017308975 - - 0.02185228 - - -0.048017155 - - -0.025138885 - - 0.016482655 - - -0.01756698 - - 0.031146016 - - 0.021930695 - - -0.00075341173 - - -0.015085438 - - 0.0146785155 - - 0.028547939 - - -0.036677707 - - -0.022699077 - - -0.045135103 - - -0.02802744 - - 0.071454674 - - -0.009201392 - - -0.051717956 - - -0.019421624 - - 0.0034821872 - - 0.06667364 - - 0.09145379 - - -0.068826884 - - 0.053568542 - - 0.01160062 - - -0.025829546 - - 0.04487214 - - 0.030954553 - - -0.022543794 - - -0.009475118 - - -0.014623143 - - -0.02070793 - - -0.02656788 - - 0.009701591 - - -0.025120718 - - -0.018472325 - - -0.027967019 - - -0.021122226 - - -0.009891716 - - 0.018696679 - - -0.068876855 - - -0.023419108 - - -0.025495855 - - 0.016256742 - - 0.00064859784 - - 0.037749656 - - -0.046321914 - - 0.065936595 - - -0.008921658 - - 0.07497468 - - -0.05094385 - - -0.052860104 - - 0.022196138 - - -0.0140462285 - - -0.03562305 - - 0.024858234 - - 0.021310989 - - 0.014657512 - - 0.07767391 - - -0.027777392 - - 0.057577316 - - 0.055513144 - - 0.06322926 - - -0.026312957 - - 0.010970987 - - -0.0057475767 - - 0.0028267235 - - 0.051367335 - - -0.022320578 - - 0.009050165 - - 0.016952222 - - -0.032026373 - - -0.074292615 - - -0.02315535 - - 0.025375988 - - -0.041241057 - - -0.032157563 - - -0.015576387 - - -0.015834223 - - 0.02224181 - - 0.017586967 - - -0.029070066 - - 0.0030065721 - - -0.051857695 - - 0.04008828 - - -0.007960872 - - -0.061745025 - - -0.00086617953 - - 0.026723113 - - 0.008719714 - - -0.049826868 - - -0.0046574236 - - 0.018954279 - - -0.007935451 - - 0.053987946 - - 0.022795292 - - 0.029722994 - - -0.010146585 - - -0.019956842 - - -0.014686722 - - 0.01708331 - - 0.020001508 - - 0.016564105 - - 0.011379248 - - -0.011843253 - - 0.04056168 - - 0.004384286 - - -0.049596023 - - 0.02674251 - - 0.0076475106 - - -0.0064563937 - - -0.014233138 - - 0.014224383 - - 0.0052741244 - - 0.049964864 - - -0.016286546 - - -0.001200327 - - 0.041904222 - - -0.0010395087 - - -0.05105399 - - 0.022099879 - - -0.019455278 - - 0.009444127 - - -0.081325725 - - 0.015994828 - - 0.0010952728 - - 0.0008373874 - - -0.0016424303 - - -0.05096469 - - 0.045976803 - - 0.024695056 - - -0.031656373 - - -0.0013138534 - - -0.0060524447 - - 0.060276203 - - -0.016745795 - - -0.029930653 - - -0.0222771 - - 0.012314711 - - 0.038991332 - - -0.006665343 - - 0.041694533 - - 0.0076992502 - - -0.014353178 - - 0.0025135442 - - -0.0498445 - - 0.020322764 - - 0.0575802 - - -0.006096128 - - -0.010841882 - - -0.024337102 - - 0.021975596 - - 0.0064031687 - - -0.026746146 - - 0.03455729 - - -0.011909055 - - 0.016994143 - - 0.026053395 - - -0.020393625 - - 0.06403403 - - 0.042590734 - - 0.009193913 - - 0.04016698 - - 0.028304791 - - 0.022147119 - - -0.030121539 - - -0.0037334429 - - 0.03235819 - - -0.020825844 - - 0.0009766509 - - -0.012216568 - - 0.07944978 - - 0.04177374 - - -0.008281654 - - -0.008908983 - - 0.04799388 - - -0.012743454 - - -0.00076762337 - - 0.012673029 - - -0.018283572 - - 0.022068778 - - -0.009605337 - - 0.0030652087 - - -0.036517244 - - -0.006263211 - - 0.0194632 - - 0.009333852 - - 0.02350168 - - -0.0008530139 - - 0.018934859 - - -0.013986168 - - -0.010833636 - - -0.011189203 - - 0.011567913 - - -0.07253544 - - -0.005748846 - - 0.11930293 - - 0.060044624 - - -0.023167728 - - -0.015781552 - - -0.010494401 - - 0.01930528 - - -0.039608266 - - -0.073587865 - - 0.0019034932 - - -0.0013838339 - - 0.026257295 - - 0.004433007 - - -0.051545423 - - -0.033456888 - - -0.06401291 - - -0.08664347 - - 0.010781564 - - 0.0408775 - - 0.021475399 - - 0.017633006 - - -0.02186024 - - 0.047795497 - - -0.006370007 - - 0.01792626 - - 0.005195737 - - 0.0026206016 - - -0.008816542 - - 0.009266863 - - -0.018453414 - - 0.0040575014 - - 0.0047053 - - -0.0197809 - - -0.01580334 - - 0.007821501 - - -0.06296649 - - -0.06274416 - - -0.0031381177 - - -0.024228694 - - -0.002459634 - - 0.00034323192 - - -0.02430543 - - -0.029262288 - - -0.04606642 - - -0.013138838 - - 0.040473 - - 0.012308485 - - 0.0020701357 - - -0.007718021 - - -0.0064122216 - - -0.024890581 - - 0.014665469 - - -0.0028788927 - - -0.047072053 - - -0.014959743 - - 0.004587824 - - -0.07462158 - - -0.008558996 - - 0.019324543 - - -0.02247574 - - -0.07721102 - - 0.007920586 - - -0.020274863 - - 0.028696692 - - 0.024707401 - - 0.016905285 - - 0.012742534 - - 0.018577736 - - -0.05768951 - - 0.03203929 - - 0.018105863 - - -0.03917534 - - -0.026208939 - - -0.038492158 - - -0.043517314 - - -0.008031121 - - -0.016162876 - - -0.0010640965 - - -0.004164019 - - 0.005193703 - - -0.0058410293 - - 0.029311381 - - -0.016533207 - - 0.05005747 - - 0.012600715 - - 0.016292874 - - -0.008300225 - - -0.08953819 - - 0.06544125 - - -0.010512851 - - -0.021443438 - - 0.030277776 - - -0.06502247 - - 0.004850903 - - -0.013137611 - - 0.0506941 - - 0.0072725127 - - -0.025755724 - - 0.008224718 - - 0.013813313 - - 0.037197027 - - 0.0023671025 - - 0.00763629 - - 0.011905766 - - 0.033143394 - - 0.007750765 - - -0.07725993 - - -0.03193554 - - -0.016900484 - - 0.06256093 - - 0.015902048 - - 0.062251173 - - 0.07478062 - - -0.009171957 - - -0.025452917 - - -0.015754124 - - -0.004426243 - - -0.0873611 - - 0.0077999695 - - 0.061026644 - - 0.016489599 - - 0.0066420045 - - -0.0062355455 - - 0.00345123 - - -0.022935547 - - 0.03939866 - - -0.0037231673 - - 0.0033949488 - - 0.029471302 - - 0.023097953 - - -0.0237214 - - 0.046621986 - - 0.029790087 - - -0.030113066 - - -0.012432801 - - 0.036813233 - - 0.01785254 - - -0.08032645 - - 0.051262226 - - 0.04222712 - - -0.023358794 - - -0.03602671 - - 0.0092950305 - - -0.015663076 - - -0.023873692 - - 0.009383877 - - -0.056770466 - - 0.032832243 - - 0.019920528 - - -0.04734062 - - -0.03368295 - - 0.0041841906 - - 0.03257228 - - -0.07387151 - - 0.011083565 - - 0.008633363 - - -0.04694844 - - 0.0027943242 - - -0.009078945 - - -0.011981829 - - -0.026407028 - - 0.033040557 - - -0.025803888 - - -0.021555608 - - 0.0042838412 - - -0.04263439 - - 0.0465685 - - 0.070476055 - - -0.02560814 - - 0.060619954 - - 0.0071254023 - - -0.062549844 - - -0.021544673 - - -0.03598606 - - -0.04904548 - - 0.04631042 - - -0.029345924 - - -0.015404836 - - 0.0063473387 - - -0.023926385 - - 0.022935716 - - -0.1004558 - - -0.007012574 - - 0.049480513 - - -0.02592937 - - 0.057209775 - - -0.010056263 - - -0.02236333 - - 0.008163001 - - 0.0036735693 - - -0.008406754 - - -0.0029980235 - - -0.0052409745 - - -0.014090007 - - -0.025248934 - - 0.022062942 - - -0.019766279 - - 0.07160526 - - -0.00075892545 - - -0.0096911425 - - -0.019483106 - - 0.042904716 - - -0.0013572425 - - 0.04353212 - - -0.07759716 - - -0.011731261 - - -0.10602095 - - 0.0010180247 - - -0.07403971 - - 0.043784548 - - -0.010357722 - - -0.009020027 - - 0.026289912 - - 0.053744033 - - 0.009665143 +- - -0.1508789 + - -0.021652222 + - -0.083984375 + - -0.12890625 + - 0.3581543 + - 0.29663086 + - -0.7705078 + - -0.6225586 + - 0.5058594 + - 0.32861328 + - -0.18688965 + - 0.50927734 + - 0.45458984 + - 0.6899414 + - 0.45410156 + - 0.018234253 + - 0.025665283 + - 0.68310547 + - -0.18969727 + - 0.0047683716 + - -0.36035156 + - 0.34887695 + - -0.19995117 + - -0.16455078 + - -0.32885742 + - 0.109375 + - 0.3762207 + - -0.46166992 + - -0.5488281 + - 0.61572266 + - -1.0830078 + - -0.33911133 + - -0.16662598 + - -0.18261719 + - -0.17785645 + - -0.17773438 + - 0.375 + - 0.5800781 + - -0.3564453 + - -0.41235352 + - -0.61376953 + - -0.45410156 + - -0.49023438 + - 0.31347656 + - -0.51220703 + - -0.3203125 + - -0.18005371 + - -0.64941406 + - -0.66015625 + - -1.0107422 + - -0.72265625 + - -0.3269043 + - 0.53125 + - 0.051116943 + - 0.20776367 + - -0.28881836 + - -0.17541504 + - -0.008453369 + - -0.12207031 + - 0.021240234 + - 0.20898438 + - -0.4206543 + - 0.32006836 + - 0.3486328 + - -0.33764648 + - 0.27734375 + - -0.6171875 + - 0.57666016 + - -0.29956055 + - 0.07330322 + - -0.22668457 + - -0.31298828 + - 0.7661133 + - 0.0076026917 + - -0.24084473 + - 0.049438477 + - 0.044830322 + - -0.10070801 + - -0.058135986 + - 0.10571289 + - -0.14196777 + - 0.48706055 + - -0.4309082 + - -1.0244141 + - -0.023452759 + - -0.63134766 + - -0.4963379 + - -0.092163086 + - -0.19934082 + - -0.5859375 + - 0.11639404 + - 0.3798828 + - 0.42504883 + - 0.39770508 + - -0.2290039 + - 0.3659668 + - -0.4477539 + - 0.22143555 + - 0.53466797 + - -0.7084961 + - -0.07098389 + - -0.1071167 + - -0.3251953 + - 0.6298828 + - -0.75097656 + - -1.0712891 + - -0.68115234 + - 0.32861328 + - -0.21203613 + - -0.6411133 + - -0.5205078 + - 0.734375 + - -0.1307373 + - 0.63720703 + - -0.32641602 + - -0.18579102 + - 0.6386719 + - -0.12561035 + - -1.1132813 + - 0.22912598 + - -0.18908691 + - 0.6010742 + - -0.390625 + - -0.64501953 + - -0.08770752 + - -0.44580078 + - 0.8491211 + - 0.22497559 + - -0.24682617 + - -1.1083984 + - -0.1541748 + - -0.55859375 + - -0.73291016 + - 1.0507813 + - 0.3659668 + - -0.18383789 + - 0.5214844 + - 0.23706055 + - 0.20666504 + - 0.07550049 + - 0.0065345764 + - 0.058654785 + - 0.32348633 + - 0.23474121 + - 0.31713867 + - -0.75097656 + - -0.2902832 + - -0.42895508 + - 0.18774414 + - -0.13208008 + - 0.24035645 + - -0.2376709 + - 1.0029297 + - -0.20349121 + - 0.09234619 + - 0.3557129 + - -0.2644043 + - -0.95166016 + - -0.07922363 + - 0.27246094 + - -0.3244629 + - -0.265625 + - -0.062927246 + - 0.57958984 + - -0.28027344 + - 0.13391113 + - 0.12854004 + - 0.29614258 + - -0.24584961 + - 0.2290039 + - 0.29907227 + - -0.66748047 + - 0.25756836 + - 0.21704102 + - 0.28051758 + - 0.3005371 + - 0.14172363 + - 0.09967041 + - 0.5019531 + - 0.5756836 + - 0.043060303 + - 0.25219727 + - -0.7246094 + - -1 + - -0.45947266 + - -0.091552734 + - -0.18322754 + - 0.40478516 + - 0.15002441 + - 0.5493164 + - 0.62597656 + - -0.18688965 + - -0.010215759 + - 0.11853027 + - 0.1439209 + - -0.11621094 + - -0.12097168 + - 0.42236328 + - 1.1953125 + - 0.2019043 + - 0.40551758 + - 0.17321777 + - 0.47021484 + - 0.40454102 + - -0.2788086 + - 0.15478516 + - -1.3613281 + - 0.4345703 + - -0.60791016 + - -0.7006836 + - 0.33862305 + - -0.04901123 + - 1.2285156 + - 1.1884766 + - 0.8808594 + - -0.038116455 + - -0.41137695 + - 0.059417725 + - 0.18322754 + - -0.38623047 + - -0.16040039 + - -0.7553711 + - -0.13977051 + - 0.2878418 + - 0.34960938 + - -0.63671875 + - 0.26660156 + - 0.1496582 + - -0.021224976 + - -0.43286133 + - 0.32348633 + - -0.5629883 + - 0.0019836426 + - 0.4897461 + - 0.9741211 + - 0.7949219 + - -0.21728516 + - 0.49267578 + - -0.05432129 + - -0.0016565323 + - -0.40942383 + - -0.5283203 + - -0.12475586 + - -0.8540039 + - -0.39111328 + - 0.7441406 + - 0.31640625 + - -0.1171875 + - -0.17236328 + - -0.9267578 + - -0.44848633 + - -0.14160156 + - 0.15588379 + - 0.1862793 + - 0.02947998 + - -0.78564453 + - 0.61279297 + - -0.22766113 + - 0.27075195 + - -0.13293457 + - -0.4345703 + - 0.3515625 + - -0.25708008 + - 1.2001953 + - -0.73535156 + - 0.22473145 + - 0.28198242 + - 0.3071289 + - 0.22460938 + - -0.8984375 + - 3.0742188 + - 0.6484375 + - -0.05090332 + - -0.13964844 + - 0.040527344 + - -0.34643555 + - 0.16931152 + - 0.26733398 + - -0.029632568 + - 0.4873047 + - 0.23852539 + - -0.62841797 + - -0.8491211 + - -0.27905273 + - -0.38623047 + - -0.33276367 + - 0.0435791 + - -0.09240723 + - 0.025894165 + - -0.03277588 + - 0.80322266 + - 0.23010254 + - 0.57128906 + - 0.014907837 + - 0.3269043 + - 0.50927734 + - -0.4892578 + - 0.28051758 + - 0.2019043 + - 0.5722656 + - -0.31958008 + - -0.017333984 + - 0.8300781 + - -0.26489258 + - -0.5722656 + - -0.4296875 + - 0.4033203 + - -0.05871582 + - -0.057495117 + - -0.43188477 + - 0.032196045 + - 0.124572754 + - 0.56689453 + - 0.5800781 + - -1.1533203 + - -1.1044922 + - 0.026779175 + - 0.079711914 + - 0.30908203 + - 0.6635742 + - 0.07446289 + - 0.52783203 + - -0.46826172 + - -0.2368164 + - 0.103149414 + - -0.6875 + - 1.0712891 + - 0.02104187 + - 0.005466461 + - 0.23547363 + - 0.52197266 + - -0.4609375 + - 0.66259766 + - 0.47021484 + - -0.51416016 + - -0.024749756 + - -0.0725708 + - 0.47143555 + - 0.15820313 + - -0.111450195 + - -0.055847168 + - 0.21459961 + - -0.2055664 + - 0.61279297 + - 1.1289063 + - -0.12939453 + - 0.29101563 + - 0.123046875 + - 0.44360352 + - 0.12878418 + - -0.1875 + - 0.23376465 + - -0.50146484 + - 0.55029297 + - -0.13134766 + - 0.7426758 + - -0.35620117 + - 0.22460938 + - 0.2841797 + - -0.6254883 + - -0.32788086 + - 0.21362305 + - -0.22875977 + - 0.40551758 + - 0.2849121 + - -0.01008606 + - -0.19689941 + - 0.19104004 + - 0.37158203 + - -0.4765625 + - -0.29541016 + - -0.58691406 + - -0.36523438 + - 0.9301758 + - -0.11981201 + - -0.6738281 + - -0.2524414 + - 0.045837402 + - 0.86816406 + - 1.1904297 + - -0.8959961 + - 0.6972656 + - 0.15039063 + - -0.33618164 + - 0.58447266 + - 0.4025879 + - -0.29370117 + - -0.123413086 + - -0.19104004 + - -0.2697754 + - -0.34545898 + - 0.12683105 + - -0.32641602 + - -0.24072266 + - -0.3642578 + - -0.27441406 + - -0.1282959 + - 0.24328613 + - -0.8959961 + - -0.30493164 + - -0.3317871 + - 0.21130371 + - 0.008087158 + - 0.49145508 + - -0.60253906 + - 0.85791016 + - -0.11578369 + - 0.97558594 + - -0.66259766 + - -0.6879883 + - 0.28881836 + - -0.1829834 + - -0.46411133 + - 0.32348633 + - 0.27734375 + - 0.19104004 + - 1.0107422 + - -0.3618164 + - 0.74902344 + - 0.7216797 + - 0.8227539 + - -0.34301758 + - 0.1430664 + - -0.07513428 + - 0.03668213 + - 0.66748047 + - -0.2902832 + - 0.11785889 + - 0.22033691 + - -0.41625977 + - -0.9667969 + - -0.3017578 + - 0.33032227 + - -0.5371094 + - -0.4189453 + - -0.203125 + - -0.20581055 + - 0.28979492 + - 0.22973633 + - -0.37890625 + - 0.039154053 + - -0.6743164 + - 0.52197266 + - -0.103881836 + - -0.80322266 + - -0.011245728 + - 0.34814453 + - 0.112976074 + - -0.6484375 + - -0.06048584 + - 0.24633789 + - -0.10266113 + - 0.703125 + - 0.29614258 + - 0.38720703 + - -0.13232422 + - -0.2602539 + - -0.1907959 + - 0.22265625 + - 0.26098633 + - 0.21582031 + - 0.14697266 + - -0.15429688 + - 0.52783203 + - 0.056488037 + - -0.64501953 + - 0.34765625 + - 0.09918213 + - -0.08380127 + - -0.18518066 + - 0.18469238 + - 0.068115234 + - 0.6503906 + - -0.21166992 + - -0.0158844 + - 0.5449219 + - -0.014122009 + - -0.6640625 + - 0.2878418 + - -0.2524414 + - 0.122558594 + - -1.0585938 + - 0.20898438 + - 0.014175415 + - 0.010635376 + - -0.021636963 + - -0.6635742 + - 0.59765625 + - 0.3203125 + - -0.41210938 + - -0.016555786 + - -0.0791626 + - 0.7841797 + - -0.21826172 + - -0.38964844 + - -0.29003906 + - 0.16027832 + - 0.50634766 + - -0.08703613 + - 0.54248047 + - 0.10015869 + - -0.18688965 + - 0.032928467 + - -0.6484375 + - 0.26489258 + - 0.75 + - -0.07922363 + - -0.14099121 + - -0.31689453 + - 0.28588867 + - 0.08282471 + - -0.3479004 + - 0.44995117 + - -0.15490723 + - 0.22106934 + - 0.33862305 + - -0.26586914 + - 0.8334961 + - 0.5541992 + - 0.11999512 + - 0.5229492 + - 0.36791992 + - 0.28881836 + - -0.3918457 + - -0.048461914 + - 0.42089844 + - -0.2709961 + - 0.012794495 + - -0.15930176 + - 1.0332031 + - 0.5439453 + - -0.107788086 + - -0.115600586 + - 0.625 + - -0.16564941 + - -0.0096588135 + - 0.16430664 + - -0.23791504 + - 0.28735352 + - -0.12408447 + - 0.040100098 + - -0.47485352 + - -0.08154297 + - 0.25341797 + - 0.12176514 + - 0.30566406 + - -0.011238098 + - 0.24633789 + - -0.18188477 + - -0.14099121 + - -0.14538574 + - 0.15039063 + - -0.94384766 + - -0.07421875 + - 1.5527344 + - 0.78222656 + - -0.3017578 + - -0.20532227 + - -0.13684082 + - 0.25073242 + - -0.515625 + - -0.9580078 + - 0.024337769 + - -0.01763916 + - 0.34155273 + - 0.057678223 + - -0.6713867 + - -0.43554688 + - -0.83251953 + - -1.1269531 + - 0.13977051 + - 0.53271484 + - 0.27978516 + - 0.22961426 + - -0.2849121 + - 0.6220703 + - -0.08258057 + - 0.23291016 + - 0.06719971 + - 0.034179688 + - -0.1149292 + - 0.12084961 + - -0.24023438 + - 0.053009033 + - 0.061309814 + - -0.25805664 + - -0.2055664 + - 0.10223389 + - -0.81884766 + - -0.81689453 + - -0.04055786 + - -0.31567383 + - -0.032348633 + - 0.0046539307 + - -0.31689453 + - -0.38134766 + - -0.5996094 + - -0.17150879 + - 0.52734375 + - 0.15979004 + - 0.026611328 + - -0.10040283 + - -0.08319092 + - -0.32470703 + - 0.19091797 + - -0.036254883 + - -0.61279297 + - -0.19555664 + - 0.059570313 + - -0.9707031 + - -0.111694336 + - 0.2512207 + - -0.2927246 + - -1.0048828 + - 0.103271484 + - -0.26391602 + - 0.37402344 + - 0.32128906 + - 0.21911621 + - 0.16589355 + - 0.2421875 + - -0.75097656 + - 0.41674805 + - 0.23510742 + - -0.50927734 + - -0.34106445 + - -0.50097656 + - -0.56591797 + - -0.103881836 + - -0.21020508 + - -0.013923645 + - -0.054473877 + - 0.06738281 + - -0.075927734 + - 0.38110352 + - -0.21484375 + - 0.65185547 + - 0.16369629 + - 0.21191406 + - -0.107666016 + - -1.1650391 + - 0.8515625 + - -0.13635254 + - -0.27905273 + - 0.39453125 + - -0.8457031 + - 0.06304932 + - -0.17053223 + - 0.65966797 + - 0.095214844 + - -0.3347168 + - 0.10699463 + - 0.1796875 + - 0.484375 + - 0.030273438 + - 0.099731445 + - 0.15527344 + - 0.43066406 + - 0.10058594 + - -1.0058594 + - -0.41601563 + - -0.21936035 + - 0.81396484 + - 0.2064209 + - 0.81103516 + - 0.9736328 + - -0.119018555 + - -0.3305664 + - -0.20544434 + - -0.05718994 + - -1.1367188 + - 0.101623535 + - 0.7944336 + - 0.21484375 + - 0.085998535 + - -0.08129883 + - 0.045288086 + - -0.29858398 + - 0.51220703 + - -0.04888916 + - 0.0440979 + - 0.38378906 + - 0.3005371 + - -0.30908203 + - 0.6064453 + - 0.38793945 + - -0.3918457 + - -0.16247559 + - 0.4794922 + - 0.23278809 + - -1.0449219 + - 0.66748047 + - 0.5488281 + - -0.3034668 + - -0.46923828 + - 0.12036133 + - -0.20410156 + - -0.30981445 + - 0.12219238 + - -0.7397461 + - 0.4272461 + - 0.25952148 + - -0.61572266 + - -0.43798828 + - 0.054473877 + - 0.42407227 + - -0.96191406 + - 0.14440918 + - 0.11218262 + - -0.6113281 + - 0.036499023 + - -0.11791992 + - -0.15588379 + - -0.34375 + - 0.43115234 + - -0.33691406 + - -0.28027344 + - 0.05569458 + - -0.5546875 + - 0.6064453 + - 0.91796875 + - -0.33398438 + - 0.7890625 + - 0.09197998 + - -0.81396484 + - -0.2800293 + - -0.46923828 + - -0.6381836 + - 0.60253906 + - -0.38183594 + - -0.20080566 + - 0.08258057 + - -0.31103516 + - 0.2980957 + - -1.3076172 + - -0.09106445 + - 0.64453125 + - -0.33764648 + - 0.7446289 + - -0.13098145 + - -0.29125977 + - 0.10571289 + - 0.04763794 + - -0.10992432 + - -0.03842163 + - -0.06781006 + - -0.18359375 + - -0.32861328 + - 0.28686523 + - -0.2565918 + - 0.9316406 + - -0.01007843 + - -0.12573242 + - -0.2536621 + - 0.55859375 + - -0.018066406 + - 0.56640625 + - -1.0087891 + - -0.15197754 + - -1.3789063 + - 0.012916565 + - -0.9628906 + - 0.56884766 + - -0.13439941 + - -0.117370605 + - 0.3425293 + - 0.69970703 + - 0.12585449 +- - -0.07684326 + - -0.45336914 + - -0.045166016 + - 0.4572754 + - 0.13598633 + - 0.48535156 + - -0.7133789 + - -0.4572754 + - 1.0371094 + - 0.4543457 + - -0.18078613 + - 0.15136719 + - 0.55615234 + - 0.3256836 + - 0.12670898 + - -0.17358398 + - 0.2076416 + - 0.7626953 + - -0.32983398 + - 0.061279297 + - -0.6508789 + - 0.2553711 + - -0.30322266 + - -0.015174866 + - -0.2043457 + - 0.07531738 + - 0.31958008 + - -0.49267578 + - -0.39892578 + - 0.48388672 + - -1.1298828 + - -0.72265625 + - 0.14453125 + - -0.014625549 + - 0.26611328 + - 0.019256592 + - 0.28198242 + - 0.63671875 + - -0.6953125 + - -0.42089844 + - -0.34960938 + - -1.1347656 + - -0.4321289 + - 0.63378906 + - -0.54345703 + - -0.19091797 + - -0.21008301 + - -0.38012695 + - -0.40185547 + - -0.93603516 + - -0.67041016 + - -0.54248047 + - 0.5708008 + - 0.4921875 + - 0.01071167 + - -0.10498047 + - -0.099243164 + - 0.30981445 + - -0.014038086 + - 0.15991211 + - 0.17944336 + - -0.52490234 + - 0.5332031 + - 0.54589844 + - -0.19824219 + - 0.3408203 + - -0.82128906 + - 0.64160156 + - -0.18188477 + - 0.26489258 + - -0.07513428 + - -0.25732422 + - 0.9355469 + - 0.35888672 + - -0.26513672 + - -0.15356445 + - -0.27172852 + - -0.09844971 + - -0.06793213 + - -0.10864258 + - 0.015029907 + - 0.65478516 + - -0.20629883 + - -0.59375 + - 0.044952393 + - -0.6015625 + - -0.30664063 + - 0.12084961 + - -0.21105957 + - -0.44677734 + - -0.3166504 + - 0.40429688 + - 0.7138672 + - 0.56103516 + - 0.25830078 + - 0.6308594 + - -0.29492188 + - -0.034362793 + - 0.42626953 + - -1.1005859 + - -0.02961731 + - 0.003824234 + - -0.015380859 + - 0.49536133 + - -0.38012695 + - -0.9711914 + - -0.49658203 + - 0.08947754 + - -0.11212158 + - -0.5488281 + - -0.8173828 + - 0.64160156 + - -0.2890625 + - 0.46728516 + - -0.15673828 + - -0.6176758 + - 0.49267578 + - -0.2758789 + - -1.1425781 + - 0.46704102 + - 0.0006914139 + - 0.6357422 + - -0.45239258 + - -0.30688477 + - 0.061523438 + - 0.09112549 + - 0.9189453 + - 0.46923828 + - 0.33081055 + - -1.2421875 + - -0.0073547363 + - -0.29882813 + - -0.9111328 + - 0.7783203 + - 0.28076172 + - -0.38232422 + - 0.1529541 + - -0.049957275 + - 0.22229004 + - 0.18908691 + - 0.18261719 + - 0.37548828 + - 0.47583008 + - 0.088256836 + - 0.2626953 + - -0.41210938 + - -0.3154297 + - -0.2442627 + - 0.24145508 + - -0.25634766 + - 0.27734375 + - -0.09899902 + - 0.73535156 + - -0.5058594 + - -0.15637207 + - 0.07080078 + - -0.0038852692 + - -0.9511719 + - 0.17053223 + - 0.11456299 + - -0.19689941 + - -0.5126953 + - -0.41992188 + - 0.32763672 + - -0.19140625 + - 0.37353516 + - -0.23449707 + - 0.5908203 + - -0.28027344 + - 0.296875 + - 0.2590332 + - -0.89941406 + - -0.13476563 + - 0.4086914 + - -0.22192383 + - 0.7192383 + - 0.15637207 + - 0.12390137 + - 0.20373535 + - 0.8383789 + - 0.09625244 + - 0.23791504 + - -0.6513672 + - -0.55566406 + - -0.27246094 + - -0.13635254 + - 0.140625 + - 0.22875977 + - 0.12939453 + - 0.40429688 + - 0.18566895 + - 0.068725586 + - -0.11022949 + - 0.10284424 + - 0.3515625 + - -0.10772705 + - 0.05166626 + - 0.6982422 + - 0.6645508 + - 0.10266113 + - 0.49560547 + - -0.20214844 + - 0.07244873 + - -0.046142578 + - -0.33691406 + - 0.0067749023 + - -1.0234375 + - 0.7626953 + - -0.6040039 + - -0.4375 + - 0.33081055 + - -0.4086914 + - 0.9477539 + - 1.1972656 + - 0.9658203 + - -0.036987305 + - -0.36743164 + - 0.21582031 + - -0.029006958 + - -0.20214844 + - -0.29785156 + - -0.5209961 + - -0.006122589 + - -0.07672119 + - 0.30297852 + - -0.68359375 + - 0.5175781 + - 0.1628418 + - -0.14660645 + - -0.45703125 + - 0.3540039 + - -0.35742188 + - 0.09790039 + - 0.36132813 + - 0.78808594 + - 0.84375 + - -0.09484863 + - 0.63623047 + - -0.5332031 + - 0.08526611 + - -0.32421875 + - -0.58154297 + - -0.16015625 + - -1.0761719 + - -0.24829102 + - 0.6533203 + - 0.8520508 + - 0.01159668 + - -0.45263672 + - -0.52246094 + - -0.46679688 + - -0.101867676 + - -0.079711914 + - -0.21142578 + - -0.14794922 + - -0.90283203 + - 0.16772461 + - -0.37109375 + - 0.6821289 + - -0.27514648 + - -0.22143555 + - 0.35083008 + - -0.24804688 + - 1.0195313 + - -0.92822266 + - 0.5629883 + - 0.34765625 + - 0.4309082 + - 0.20666504 + - -0.69921875 + - 3.03125 + - 0.7783203 + - -0.5102539 + - -0.14929199 + - -0.19580078 + - -0.3857422 + - -0.084350586 + - 0.011024475 + - -0.47705078 + - 0.6640625 + - 0.55908203 + - -0.5703125 + - -0.75097656 + - -0.49145508 + - -0.6743164 + - -0.36865234 + - 0.20129395 + - -0.28710938 + - -0.11767578 + - -0.38916016 + - 0.32348633 + - 0.25585938 + - 0.6123047 + - -0.047027588 + - 0.16369629 + - 0.19543457 + - -0.08062744 + - 0.1262207 + - 0.10803223 + - 0.60595703 + - -0.28173828 + - -0.24902344 + - 0.35205078 + - -0.36645508 + - -0.3173828 + - -0.37109375 + - 0.6484375 + - 0.032226563 + - 0.1920166 + - -0.35595703 + - -0.022369385 + - 0.21264648 + - 0.6191406 + - 0.5527344 + - -0.8486328 + - -0.76660156 + - 0.05206299 + - 0.121398926 + - 0.5097656 + - 1.0517578 + - 0.011734009 + - 0.25585938 + - -0.4621582 + - -0.1743164 + - -0.08227539 + - -0.83203125 + - 1.1035156 + - -0.04083252 + - -0.23217773 + - 0.13378906 + - 0.24511719 + - -0.53515625 + - 0.68603516 + - 0.3623047 + - -0.29101563 + - 0.16333008 + - -0.18432617 + - 0.2512207 + - 0.24682617 + - -0.25830078 + - 0.079589844 + - -0.107910156 + - -0.6665039 + - 0.71191406 + - 0.9609375 + - 0.08935547 + - -0.10089111 + - 0.13635254 + - 0.8828125 + - 0.18127441 + - -0.6435547 + - 0.6904297 + - -0.22338867 + - 0.92871094 + - 0.22851563 + - 0.9223633 + - -0.49145508 + - 0.080200195 + - 0.25683594 + - -0.6020508 + - -0.1862793 + - 0.06756592 + - -0.359375 + - 0.76171875 + - 0.47314453 + - 0.06665039 + - -0.0335083 + - 0.3515625 + - 0.35864258 + - -0.50634766 + - -0.5058594 + - -0.47851563 + - -0.5126953 + - 0.34716797 + - -0.16564941 + - -0.34326172 + - -0.8051758 + - -0.30444336 + - 0.56640625 + - 1.0761719 + - -0.85839844 + - 0.70947266 + - 0.061065674 + - -0.12963867 + - 0.48168945 + - -0.053710938 + - -0.29907227 + - 0.024917603 + - -0.06933594 + - -0.5493164 + - 0.034057617 + - -0.015388489 + - -0.5493164 + - -0.34594727 + - -0.29614258 + - -0.23461914 + - 0.010261536 + - 0.41357422 + - -0.7402344 + - -0.15673828 + - -0.57421875 + - -0.027618408 + - -0.12548828 + - 0.6142578 + - -0.71728516 + - 0.51953125 + - -0.119628906 + - 1.0810547 + - -0.66308594 + - -0.5595703 + - 0.05178833 + - -0.1694336 + - -0.48486328 + - 0.22363281 + - -0.12512207 + - 0.31958008 + - 0.8125 + - -0.15795898 + - 0.6640625 + - 0.85791016 + - 0.77978516 + - 0.3322754 + - 0.50878906 + - 0.1418457 + - 0.014320374 + - 0.4975586 + - -0.5205078 + - -0.094055176 + - 0.26904297 + - -0.16662598 + - -1.1806641 + - -0.5317383 + - 0.18066406 + - -0.66796875 + - -0.125 + - 0.05303955 + - -0.40673828 + - 0.07775879 + - 0.117004395 + - -0.22509766 + - 0.3984375 + - -0.6381836 + - 0.4243164 + - 0.20092773 + - -0.32958984 + - -0.20947266 + - -0.0060310364 + - 0.058532715 + - -0.82128906 + - -0.23010254 + - 0.20178223 + - -0.025299072 + - 0.5644531 + - 0.012268066 + - 0.49072266 + - 0.13830566 + - -0.39013672 + - -0.24182129 + - 0.35864258 + - 0.56396484 + - 0.16577148 + - 0.29785156 + - -0.8540039 + - 0.71972656 + - 0.25585938 + - -1.1914063 + - 0.14172363 + - 0.2607422 + - -0.31152344 + - -0.31030273 + - 0.014717102 + - -0.38671875 + - 0.51953125 + - -0.5810547 + - 0.0052261353 + - 0.28320313 + - 0.024932861 + - -0.0970459 + - 0.16369629 + - -0.26367188 + - -0.45898438 + - -0.98535156 + - 0.15270996 + - 0.09692383 + - 0.0049934387 + - 0.0010166168 + - -0.71875 + - 0.06732178 + - 0.20275879 + - -0.46020508 + - -0.107910156 + - 0.06628418 + - 0.5439453 + - 0.11694336 + - -0.12963867 + - -0.25097656 + - 0.20373535 + - 0.703125 + - 0.052124023 + - 0.33813477 + - 0.091918945 + - 0.20727539 + - -0.114746094 + - -0.36767578 + - 0.19238281 + - 0.6821289 + - -0.2109375 + - -0.38891602 + - -0.39648438 + - 0.31079102 + - 0.013122559 + - -0.328125 + - 0.14038086 + - 0.06713867 + - 0.26586914 + - -0.296875 + - -0.17053223 + - 0.73046875 + - 0.41845703 + - 0.10119629 + - 0.64941406 + - 0.12939453 + - 0.123291016 + - -0.44848633 + - -0.119140625 + - 0.7636719 + - -0.22424316 + - -0.2130127 + - -0.27197266 + - 1.078125 + - 0.36450195 + - -0.50927734 + - 0.09753418 + - 0.8930664 + - -0.20373535 + - 0.09033203 + - 0.375 + - -0.57128906 + - 0.086242676 + - -0.023269653 + - 0.12207031 + - -0.64453125 + - -0.026519775 + - 0.037475586 + - 0.0715332 + - 0.8330078 + - -0.08654785 + - 0.41137695 + - -0.049682617 + - 0.08428955 + - -0.25146484 + - 0.22851563 + - -0.40234375 + - 0.021240234 + - 1.8242188 + - 1.0332031 + - -0.11645508 + - -0.24536133 + - 0.022003174 + - 0.18811035 + - -0.33154297 + - -0.9140625 + - 0.23291016 + - 0.16040039 + - -0.14123535 + - -0.24084473 + - -0.63720703 + - -0.07336426 + - -0.67285156 + - -1.0292969 + - 0.13647461 + - 0.21606445 + - -0.52441406 + - -0.084106445 + - -0.20727539 + - 0.33496094 + - 0.11553955 + - 0.04067993 + - -0.010292053 + - -0.031066895 + - -0.10620117 + - 0.05810547 + - 0.23046875 + - 0.005207062 + - 0.26733398 + - 0.08557129 + - -0.5810547 + - 0.34326172 + - -0.36669922 + - -0.44750977 + - -0.35668945 + - 0.25341797 + - -0.2019043 + - -0.24414063 + - -0.4182129 + - -0.24560547 + - -0.08404541 + - -0.22167969 + - 0.42016602 + - 0.2998047 + - 0.103637695 + - -0.021453857 + - -0.029067993 + - 0.10412598 + - -0.1038208 + - -0.19262695 + - -0.5830078 + - 0.028030396 + - -0.16503906 + - -0.41845703 + - 0.061676025 + - 0.33789063 + - 0.10644531 + - -0.9692383 + - -0.16479492 + - -0.171875 + - 0.25048828 + - 0.2705078 + - 0.28515625 + - 0.29785156 + - 0.34594727 + - -0.515625 + - 0.33251953 + - 0.21936035 + - -0.3359375 + - -0.51953125 + - -0.19677734 + - -0.67626953 + - 0.2578125 + - -0.51416016 + - -0.019973755 + - -0.32470703 + - 0.18127441 + - -0.50097656 + - 0.4699707 + - -0.1953125 + - 0.51953125 + - 0.3449707 + - -0.3137207 + - -0.125 + - -0.94140625 + - 0.6201172 + - -0.027832031 + - -0.47705078 + - 0.25756836 + - -0.9248047 + - -0.029296875 + - 0.012832642 + - 0.7451172 + - 0.041534424 + - -0.16796875 + - 0.06585693 + - 0.17285156 + - 0.43969727 + - 0.079956055 + - -0.29248047 + - 0.15820313 + - 0.6972656 + - 0.1850586 + - -1.0703125 + - -0.7216797 + - -0.038085938 + - 0.48486328 + - 0.049072266 + - 0.59765625 + - 0.69433594 + - 0.09350586 + - -0.5917969 + - -0.18164063 + - -0.03286743 + - -1.109375 + - 0.15148926 + - 0.1295166 + - 0.040802002 + - 0.39379883 + - -0.32910156 + - -0.048736572 + - -0.66259766 + - 0.70703125 + - 0.029968262 + - -0.040405273 + - 0.44067383 + - 0.079589844 + - -0.23742676 + - 0.51953125 + - 0.4790039 + - -0.41796875 + - 0.08068848 + - 0.5883789 + - -0.04714966 + - -1.453125 + - 0.36450195 + - 0.7426758 + - -0.06616211 + - -0.2565918 + - 0.32958984 + - -0.42504883 + - -0.23803711 + - -0.18286133 + - -0.15161133 + - 0.21972656 + - -0.031280518 + - -0.80566406 + - -0.36645508 + - 0.012939453 + - 0.38330078 + - -0.7421875 + - 0.12109375 + - -0.5102539 + - -0.4074707 + - -0.15136719 + - -0.0579834 + - -0.09741211 + - -0.33203125 + - 0.096191406 + - 0.33154297 + - -0.43359375 + - 0.35766602 + - -0.3215332 + - 0.38720703 + - 0.6254883 + - -0.08117676 + - 0.69628906 + - 0.41064453 + - -1.0136719 + - -0.1817627 + - -0.29638672 + - -0.6254883 + - 0.5004883 + - -0.22265625 + - -0.25878906 + - 0.04425049 + - -0.45947266 + - 0.55322266 + - -1.3837891 + - -0.24609375 + - 0.69921875 + - -0.2680664 + - 0.2939453 + - -0.2788086 + - 0.023895264 + - -0.05718994 + - -0.035308838 + - 0.18811035 + - 0.16760254 + - -0.14880371 + - 0.19787598 + - -0.40942383 + - 0.057434082 + - -0.64990234 + - 0.9423828 + - 0.5175781 + - 0.05886841 + - -0.071899414 + - 0.7036133 + - 0.024658203 + - 0.6123047 + - -0.6035156 + - -0.19885254 + - -1.0585938 + - -0.07305908 + - -0.6459961 + - 0.4946289 + - 0.26367188 + - -0.030181885 + - 0.46411133 + - 0.7114258 + - 0.12915039 +- - -0.1508789 + - -0.021652222 + - -0.083984375 + - -0.12890625 + - 0.3581543 + - 0.29663086 + - -0.7705078 + - -0.6225586 + - 0.5058594 + - 0.32861328 + - -0.18688965 + - 0.50927734 + - 0.45458984 + - 0.6899414 + - 0.45410156 + - 0.018234253 + - 0.025665283 + - 0.68310547 + - -0.18969727 + - 0.0047683716 + - -0.36035156 + - 0.34887695 + - -0.19995117 + - -0.16455078 + - -0.32885742 + - 0.109375 + - 0.3762207 + - -0.46166992 + - -0.5488281 + - 0.61572266 + - -1.0830078 + - -0.33911133 + - -0.16662598 + - -0.18261719 + - -0.17785645 + - -0.17773438 + - 0.375 + - 0.5800781 + - -0.3564453 + - -0.41235352 + - -0.61376953 + - -0.45410156 + - -0.49023438 + - 0.31347656 + - -0.51220703 + - -0.3203125 + - -0.18005371 + - -0.64941406 + - -0.66015625 + - -1.0107422 + - -0.72265625 + - -0.3269043 + - 0.53125 + - 0.051116943 + - 0.20776367 + - -0.28881836 + - -0.17541504 + - -0.008453369 + - -0.12207031 + - 0.021240234 + - 0.20898438 + - -0.4206543 + - 0.32006836 + - 0.3486328 + - -0.33764648 + - 0.27734375 + - -0.6171875 + - 0.57666016 + - -0.29956055 + - 0.07330322 + - -0.22668457 + - -0.31298828 + - 0.7661133 + - 0.0076026917 + - -0.24084473 + - 0.049438477 + - 0.044830322 + - -0.10070801 + - -0.058135986 + - 0.10571289 + - -0.14196777 + - 0.48706055 + - -0.4309082 + - -1.0244141 + - -0.023452759 + - -0.63134766 + - -0.4963379 + - -0.092163086 + - -0.19934082 + - -0.5859375 + - 0.11639404 + - 0.3798828 + - 0.42504883 + - 0.39770508 + - -0.2290039 + - 0.3659668 + - -0.4477539 + - 0.22143555 + - 0.53466797 + - -0.7084961 + - -0.07098389 + - -0.1071167 + - -0.3251953 + - 0.6298828 + - -0.75097656 + - -1.0712891 + - -0.68115234 + - 0.32861328 + - -0.21203613 + - -0.6411133 + - -0.5205078 + - 0.734375 + - -0.1307373 + - 0.63720703 + - -0.32641602 + - -0.18579102 + - 0.6386719 + - -0.12561035 + - -1.1132813 + - 0.22912598 + - -0.18908691 + - 0.6010742 + - -0.390625 + - -0.64501953 + - -0.08770752 + - -0.44580078 + - 0.8491211 + - 0.22497559 + - -0.24682617 + - -1.1083984 + - -0.1541748 + - -0.55859375 + - -0.73291016 + - 1.0507813 + - 0.3659668 + - -0.18383789 + - 0.5214844 + - 0.23706055 + - 0.20666504 + - 0.07550049 + - 0.0065345764 + - 0.058654785 + - 0.32348633 + - 0.23474121 + - 0.31713867 + - -0.75097656 + - -0.2902832 + - -0.42895508 + - 0.18774414 + - -0.13208008 + - 0.24035645 + - -0.2376709 + - 1.0029297 + - -0.20349121 + - 0.09234619 + - 0.3557129 + - -0.2644043 + - -0.95166016 + - -0.07922363 + - 0.27246094 + - -0.3244629 + - -0.265625 + - -0.062927246 + - 0.57958984 + - -0.28027344 + - 0.13391113 + - 0.12854004 + - 0.29614258 + - -0.24584961 + - 0.2290039 + - 0.29907227 + - -0.66748047 + - 0.25756836 + - 0.21704102 + - 0.28051758 + - 0.3005371 + - 0.14172363 + - 0.09967041 + - 0.5019531 + - 0.5756836 + - 0.043060303 + - 0.25219727 + - -0.7246094 + - -1 + - -0.45947266 + - -0.091552734 + - -0.18322754 + - 0.40478516 + - 0.15002441 + - 0.5493164 + - 0.62597656 + - -0.18688965 + - -0.010215759 + - 0.11853027 + - 0.1439209 + - -0.11621094 + - -0.12097168 + - 0.42236328 + - 1.1953125 + - 0.2019043 + - 0.40551758 + - 0.17321777 + - 0.47021484 + - 0.40454102 + - -0.2788086 + - 0.15478516 + - -1.3613281 + - 0.4345703 + - -0.60791016 + - -0.7006836 + - 0.33862305 + - -0.04901123 + - 1.2285156 + - 1.1884766 + - 0.8808594 + - -0.038116455 + - -0.41137695 + - 0.059417725 + - 0.18322754 + - -0.38623047 + - -0.16040039 + - -0.7553711 + - -0.13977051 + - 0.2878418 + - 0.34960938 + - -0.63671875 + - 0.26660156 + - 0.1496582 + - -0.021224976 + - -0.43286133 + - 0.32348633 + - -0.5629883 + - 0.0019836426 + - 0.4897461 + - 0.9741211 + - 0.7949219 + - -0.21728516 + - 0.49267578 + - -0.05432129 + - -0.0016565323 + - -0.40942383 + - -0.5283203 + - -0.12475586 + - -0.8540039 + - -0.39111328 + - 0.7441406 + - 0.31640625 + - -0.1171875 + - -0.17236328 + - -0.9267578 + - -0.44848633 + - -0.14160156 + - 0.15588379 + - 0.1862793 + - 0.02947998 + - -0.78564453 + - 0.61279297 + - -0.22766113 + - 0.27075195 + - -0.13293457 + - -0.4345703 + - 0.3515625 + - -0.25708008 + - 1.2001953 + - -0.73535156 + - 0.22473145 + - 0.28198242 + - 0.3071289 + - 0.22460938 + - -0.8984375 + - 3.0742188 + - 0.6484375 + - -0.05090332 + - -0.13964844 + - 0.040527344 + - -0.34643555 + - 0.16931152 + - 0.26733398 + - -0.029632568 + - 0.4873047 + - 0.23852539 + - -0.62841797 + - -0.8491211 + - -0.27905273 + - -0.38623047 + - -0.33276367 + - 0.0435791 + - -0.09240723 + - 0.025894165 + - -0.03277588 + - 0.80322266 + - 0.23010254 + - 0.57128906 + - 0.014907837 + - 0.3269043 + - 0.50927734 + - -0.4892578 + - 0.28051758 + - 0.2019043 + - 0.5722656 + - -0.31958008 + - -0.017333984 + - 0.8300781 + - -0.26489258 + - -0.5722656 + - -0.4296875 + - 0.4033203 + - -0.05871582 + - -0.057495117 + - -0.43188477 + - 0.032196045 + - 0.124572754 + - 0.56689453 + - 0.5800781 + - -1.1533203 + - -1.1044922 + - 0.026779175 + - 0.079711914 + - 0.30908203 + - 0.6635742 + - 0.07446289 + - 0.52783203 + - -0.46826172 + - -0.2368164 + - 0.103149414 + - -0.6875 + - 1.0712891 + - 0.02104187 + - 0.005466461 + - 0.23547363 + - 0.52197266 + - -0.4609375 + - 0.66259766 + - 0.47021484 + - -0.51416016 + - -0.024749756 + - -0.0725708 + - 0.47143555 + - 0.15820313 + - -0.111450195 + - -0.055847168 + - 0.21459961 + - -0.2055664 + - 0.61279297 + - 1.1289063 + - -0.12939453 + - 0.29101563 + - 0.123046875 + - 0.44360352 + - 0.12878418 + - -0.1875 + - 0.23376465 + - -0.50146484 + - 0.55029297 + - -0.13134766 + - 0.7426758 + - -0.35620117 + - 0.22460938 + - 0.2841797 + - -0.6254883 + - -0.32788086 + - 0.21362305 + - -0.22875977 + - 0.40551758 + - 0.2849121 + - -0.01008606 + - -0.19689941 + - 0.19104004 + - 0.37158203 + - -0.4765625 + - -0.29541016 + - -0.58691406 + - -0.36523438 + - 0.9301758 + - -0.11981201 + - -0.6738281 + - -0.2524414 + - 0.045837402 + - 0.86816406 + - 1.1904297 + - -0.8959961 + - 0.6972656 + - 0.15039063 + - -0.33618164 + - 0.58447266 + - 0.4025879 + - -0.29370117 + - -0.123413086 + - -0.19104004 + - -0.2697754 + - -0.34545898 + - 0.12683105 + - -0.32641602 + - -0.24072266 + - -0.3642578 + - -0.27441406 + - -0.1282959 + - 0.24328613 + - -0.8959961 + - -0.30493164 + - -0.3317871 + - 0.21130371 + - 0.008087158 + - 0.49145508 + - -0.60253906 + - 0.85791016 + - -0.11578369 + - 0.97558594 + - -0.66259766 + - -0.6879883 + - 0.28881836 + - -0.1829834 + - -0.46411133 + - 0.32348633 + - 0.27734375 + - 0.19104004 + - 1.0107422 + - -0.3618164 + - 0.74902344 + - 0.7216797 + - 0.8227539 + - -0.34301758 + - 0.1430664 + - -0.07513428 + - 0.03668213 + - 0.66748047 + - -0.2902832 + - 0.11785889 + - 0.22033691 + - -0.41625977 + - -0.9667969 + - -0.3017578 + - 0.33032227 + - -0.5371094 + - -0.4189453 + - -0.203125 + - -0.20581055 + - 0.28979492 + - 0.22973633 + - -0.37890625 + - 0.039154053 + - -0.6743164 + - 0.52197266 + - -0.103881836 + - -0.80322266 + - -0.011245728 + - 0.34814453 + - 0.112976074 + - -0.6484375 + - -0.06048584 + - 0.24633789 + - -0.10266113 + - 0.703125 + - 0.29614258 + - 0.38720703 + - -0.13232422 + - -0.2602539 + - -0.1907959 + - 0.22265625 + - 0.26098633 + - 0.21582031 + - 0.14697266 + - -0.15429688 + - 0.52783203 + - 0.056488037 + - -0.64501953 + - 0.34765625 + - 0.09918213 + - -0.08380127 + - -0.18518066 + - 0.18469238 + - 0.068115234 + - 0.6503906 + - -0.21166992 + - -0.0158844 + - 0.5449219 + - -0.014122009 + - -0.6640625 + - 0.2878418 + - -0.2524414 + - 0.122558594 + - -1.0585938 + - 0.20898438 + - 0.014175415 + - 0.010635376 + - -0.021636963 + - -0.6635742 + - 0.59765625 + - 0.3203125 + - -0.41210938 + - -0.016555786 + - -0.0791626 + - 0.7841797 + - -0.21826172 + - -0.38964844 + - -0.29003906 + - 0.16027832 + - 0.50634766 + - -0.08703613 + - 0.54248047 + - 0.10015869 + - -0.18688965 + - 0.032928467 + - -0.6484375 + - 0.26489258 + - 0.75 + - -0.07922363 + - -0.14099121 + - -0.31689453 + - 0.28588867 + - 0.08282471 + - -0.3479004 + - 0.44995117 + - -0.15490723 + - 0.22106934 + - 0.33862305 + - -0.26586914 + - 0.8334961 + - 0.5541992 + - 0.11999512 + - 0.5229492 + - 0.36791992 + - 0.28881836 + - -0.3918457 + - -0.048461914 + - 0.42089844 + - -0.2709961 + - 0.012794495 + - -0.15930176 + - 1.0332031 + - 0.5439453 + - -0.107788086 + - -0.115600586 + - 0.625 + - -0.16564941 + - -0.0096588135 + - 0.16430664 + - -0.23791504 + - 0.28735352 + - -0.12408447 + - 0.040100098 + - -0.47485352 + - -0.08154297 + - 0.25341797 + - 0.12176514 + - 0.30566406 + - -0.011238098 + - 0.24633789 + - -0.18188477 + - -0.14099121 + - -0.14538574 + - 0.15039063 + - -0.94384766 + - -0.07421875 + - 1.5527344 + - 0.78222656 + - -0.3017578 + - -0.20532227 + - -0.13684082 + - 0.25073242 + - -0.515625 + - -0.9580078 + - 0.024337769 + - -0.01763916 + - 0.34155273 + - 0.057678223 + - -0.6713867 + - -0.43554688 + - -0.83251953 + - -1.1269531 + - 0.13977051 + - 0.53271484 + - 0.27978516 + - 0.22961426 + - -0.2849121 + - 0.6220703 + - -0.08258057 + - 0.23291016 + - 0.06719971 + - 0.034179688 + - -0.1149292 + - 0.12084961 + - -0.24023438 + - 0.053009033 + - 0.061309814 + - -0.25805664 + - -0.2055664 + - 0.10223389 + - -0.81884766 + - -0.81689453 + - -0.04055786 + - -0.31567383 + - -0.032348633 + - 0.0046539307 + - -0.31689453 + - -0.38134766 + - -0.5996094 + - -0.17150879 + - 0.52734375 + - 0.15979004 + - 0.026611328 + - -0.10040283 + - -0.08319092 + - -0.32470703 + - 0.19091797 + - -0.036254883 + - -0.61279297 + - -0.19555664 + - 0.059570313 + - -0.9707031 + - -0.111694336 + - 0.2512207 + - -0.2927246 + - -1.0048828 + - 0.103271484 + - -0.26391602 + - 0.37402344 + - 0.32128906 + - 0.21911621 + - 0.16589355 + - 0.2421875 + - -0.75097656 + - 0.41674805 + - 0.23510742 + - -0.50927734 + - -0.34106445 + - -0.50097656 + - -0.56591797 + - -0.103881836 + - -0.21020508 + - -0.013923645 + - -0.054473877 + - 0.06738281 + - -0.075927734 + - 0.38110352 + - -0.21484375 + - 0.65185547 + - 0.16369629 + - 0.21191406 + - -0.107666016 + - -1.1650391 + - 0.8515625 + - -0.13635254 + - -0.27905273 + - 0.39453125 + - -0.8457031 + - 0.06304932 + - -0.17053223 + - 0.65966797 + - 0.095214844 + - -0.3347168 + - 0.10699463 + - 0.1796875 + - 0.484375 + - 0.030273438 + - 0.099731445 + - 0.15527344 + - 0.43066406 + - 0.10058594 + - -1.0058594 + - -0.41601563 + - -0.21936035 + - 0.81396484 + - 0.2064209 + - 0.81103516 + - 0.9736328 + - -0.119018555 + - -0.3305664 + - -0.20544434 + - -0.05718994 + - -1.1367188 + - 0.101623535 + - 0.7944336 + - 0.21484375 + - 0.085998535 + - -0.08129883 + - 0.045288086 + - -0.29858398 + - 0.51220703 + - -0.04888916 + - 0.0440979 + - 0.38378906 + - 0.3005371 + - -0.30908203 + - 0.6064453 + - 0.38793945 + - -0.3918457 + - -0.16247559 + - 0.4794922 + - 0.23278809 + - -1.0449219 + - 0.66748047 + - 0.5488281 + - -0.3034668 + - -0.46923828 + - 0.12036133 + - -0.20410156 + - -0.30981445 + - 0.12219238 + - -0.7397461 + - 0.4272461 + - 0.25952148 + - -0.61572266 + - -0.43798828 + - 0.054473877 + - 0.42407227 + - -0.96191406 + - 0.14440918 + - 0.11218262 + - -0.6113281 + - 0.036499023 + - -0.11791992 + - -0.15588379 + - -0.34375 + - 0.43115234 + - -0.33691406 + - -0.28027344 + - 0.05569458 + - -0.5546875 + - 0.6064453 + - 0.91796875 + - -0.33398438 + - 0.7890625 + - 0.09197998 + - -0.81396484 + - -0.2800293 + - -0.46923828 + - -0.6381836 + - 0.60253906 + - -0.38183594 + - -0.20080566 + - 0.08258057 + - -0.31103516 + - 0.2980957 + - -1.3076172 + - -0.09106445 + - 0.64453125 + - -0.33764648 + - 0.7446289 + - -0.13098145 + - -0.29125977 + - 0.10571289 + - 0.04763794 + - -0.10992432 + - -0.03842163 + - -0.06781006 + - -0.18359375 + - -0.32861328 + - 0.28686523 + - -0.2565918 + - 0.9316406 + - -0.01007843 + - -0.12573242 + - -0.2536621 + - 0.55859375 + - -0.018066406 + - 0.56640625 + - -1.0087891 + - -0.15197754 + - -1.3789063 + - 0.012916565 + - -0.9628906 + - 0.56884766 + - -0.13439941 + - -0.117370605 + - 0.3425293 + - 0.69970703 + - 0.12585449 diff --git a/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_single.snap b/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_single.snap index 5db1bc22..7d7d6819 100644 --- a/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_single.snap +++ b/backends/candle/tests/snapshots/test_flash_jina_code__jina_code_single.snap @@ -1,772 +1,773 @@ --- source: backends/candle/tests/test_flash_jina_code.rs +assertion_line: 48 expression: embeddings_single --- -- - -0.011624558 - - -0.0016926473 - - -0.006434922 - - -0.009909191 - - 0.027506275 - - 0.022786874 - - -0.059169117 - - -0.047887173 - - 0.038912594 - - 0.025214802 - - -0.014350341 - - 0.039117776 - - 0.03485464 - - 0.05296896 - - 0.034907352 - - 0.0013971328 - - 0.0019907136 - - 0.052471623 - - -0.014562107 - - 0.00030206257 - - -0.02770458 - - 0.02685756 - - -0.015385578 - - -0.012668428 - - -0.025259107 - - 0.00836893 - - 0.028925523 - - -0.035507426 - - -0.04220648 - - 0.047328673 - - -0.083232224 - - -0.02608385 - - -0.012809777 - - -0.0140402755 - - -0.013649549 - - -0.013641793 - - 0.02880054 - - 0.04465023 - - -0.0274121 - - -0.03170939 - - -0.047180377 - - -0.0349574 - - -0.037762504 - - 0.024104225 - - -0.039361924 - - -0.024559166 - - -0.0138650155 - - -0.049862508 - - -0.0507675 - - -0.07775355 - - -0.055519626 - - -0.025151063 - - 0.040781654 - - 0.0039354665 - - 0.015940087 - - -0.022214677 - - -0.013484792 - - -0.00070730236 - - -0.009409981 - - 0.0016682384 - - 0.016079267 - - -0.032368172 - - 0.024572799 - - 0.026780155 - - -0.025954 - - 0.021282032 - - -0.047395118 - - 0.044386413 - - -0.023020437 - - 0.0056320634 - - -0.017416032 - - -0.024118245 - - 0.05878816 - - 0.00059366866 - - -0.018553924 - - 0.003762008 - - 0.0035026476 - - -0.0077498616 - - -0.004517831 - - 0.008116448 - - -0.010922055 - - 0.037391223 - - -0.03318112 - - -0.07876148 - - -0.0018068684 - - -0.0484656 - - -0.038104814 - - -0.0070756334 - - -0.015427567 - - -0.04499487 - - 0.008910639 - - 0.029193114 - - 0.032674707 - - 0.0305758 - - -0.017541302 - - 0.028164856 - - -0.0344121 - - 0.016969312 - - 0.04108575 - - -0.054463603 - - -0.005427823 - - -0.008252881 - - -0.024992533 - - 0.048412405 - - -0.05769221 - - -0.08227673 - - -0.0523458 - - 0.025244992 - - -0.016289622 - - -0.049253095 - - -0.03999235 - - 0.05642755 - - -0.010015731 - - 0.04892553 - - -0.02504831 - - -0.014305144 - - 0.04907702 - - -0.0096177375 - - -0.0854665 - - 0.017617436 - - -0.014481601 - - 0.046187755 - - -0.030009247 - - -0.049553443 - - -0.006797771 - - -0.034234725 - - 0.06525787 - - 0.017298417 - - -0.018988462 - - -0.08520813 - - -0.011840521 - - -0.042942975 - - -0.056341827 - - 0.08071612 - - 0.028146833 - - -0.0141261155 - - 0.04001012 - - 0.018236378 - - 0.01583886 - - 0.0058086845 - - 0.0005290361 - - 0.0045259795 - - 0.024873685 - - 0.018050008 - - 0.02440984 - - -0.057676647 - - -0.022263395 - - -0.033016473 - - 0.014353932 - - -0.010189813 - - 0.018424626 - - -0.018238619 - - 0.07698089 - - -0.015595315 - - 0.007074499 - - 0.027340613 - - -0.02035102 - - -0.073149584 - - -0.0061021335 - - 0.0209061 - - -0.024985746 - - -0.020401739 - - -0.0048702923 - - 0.0444933 - - -0.02158648 - - 0.010312202 - - 0.009883107 - - 0.022790415 - - -0.01893943 - - 0.017615119 - - 0.023000762 - - -0.051276624 - - 0.019835759 - - 0.016675396 - - 0.021532865 - - 0.023097536 - - 0.01091247 - - 0.007642041 - - 0.0385409 - - 0.044193454 - - 0.003319116 - - 0.019355802 - - -0.055695307 - - -0.07680676 - - -0.035279598 - - -0.0070618573 - - -0.01408385 - - 0.03107026 - - 0.011547187 - - 0.04217532 - - 0.048034772 - - -0.014330861 - - -0.0007901662 - - 0.009103947 - - 0.011091706 - - -0.008960474 - - -0.009301379 - - 0.032424763 - - 0.09180531 - - 0.015491586 - - 0.031114861 - - 0.013289549 - - 0.03616163 - - 0.031084707 - - -0.021437835 - - 0.011905716 - - -0.104623 - - 0.033417992 - - -0.04683295 - - -0.05382028 - - 0.025979578 - - -0.003795323 - - 0.094473585 - - 0.09126942 - - 0.067700386 - - -0.002935823 - - -0.031604428 - - 0.0045677535 - - 0.014042491 - - -0.02969786 - - -0.012263599 - - -0.05807616 - - -0.0107510965 - - 0.022099612 - - 0.02685798 - - -0.048912797 - - 0.020464186 - - 0.011517319 - - -0.0016606319 - - -0.033255223 - - 0.02488959 - - -0.043240122 - - 0.00013934783 - - 0.037608404 - - 0.0748658 - - 0.061115693 - - -0.01670558 - - 0.037827995 - - -0.004162286 - - -0.00011341072 - - -0.031436242 - - -0.040532686 - - -0.0096016815 - - -0.065639205 - - -0.030070387 - - 0.05715196 - - 0.024338327 - - -0.008972259 - - -0.013220871 - - -0.07115904 - - -0.03446362 - - -0.010893238 - - 0.011950567 - - 0.0143028535 - - 0.0022963681 - - -0.060428943 - - 0.047038406 - - -0.017493663 - - 0.0208505 - - -0.010212147 - - -0.03337894 - - 0.026969628 - - -0.019734934 - - 0.0922163 - - -0.056534916 - - 0.017255465 - - 0.021692138 - - 0.023583038 - - 0.017224979 - - -0.0689936 - - 0.23665377 - - 0.04984247 - - -0.0039337534 - - -0.010740561 - - 0.00313393 - - -0.02665381 - - 0.013037893 - - 0.020565815 - - -0.002266256 - - 0.03748113 - - 0.018353125 - - -0.048318923 - - -0.06522075 - - -0.021460611 - - -0.029665926 - - -0.025507431 - - 0.0033435076 - - -0.0071087605 - - 0.001970083 - - -0.0025331723 - - 0.061776515 - - 0.017747495 - - 0.04396135 - - 0.0011617352 - - 0.02509327 - - 0.039078914 - - -0.03762337 - - 0.021575885 - - 0.015548619 - - 0.043990802 - - -0.024633111 - - -0.0013324996 - - 0.063795656 - - -0.02035371 - - -0.0440217 - - -0.033049908 - - 0.031034056 - - -0.004495562 - - -0.0044647786 - - -0.033148468 - - 0.0025072312 - - 0.009637453 - - 0.04357035 - - 0.044546504 - - -0.08865154 - - -0.08487347 - - 0.00205395 - - 0.0060572727 - - 0.023767816 - - 0.051007573 - - 0.0057035745 - - 0.040539596 - - -0.035988905 - - -0.01824621 - - 0.007887274 - - -0.052848075 - - 0.08228733 - - 0.0015825987 - - 0.0004136183 - - 0.018108545 - - 0.040081892 - - -0.035405345 - - 0.050933696 - - 0.036154125 - - -0.03947257 - - -0.0018412384 - - -0.005589829 - - 0.03620321 - - 0.012144826 - - -0.008619581 - - -0.0043279063 - - 0.016455552 - - -0.015757388 - - 0.047043085 - - 0.08675011 - - -0.009986743 - - 0.022379123 - - 0.009470605 - - 0.034120724 - - 0.009922824 - - -0.014435422 - - 0.017998574 - - -0.03849387 - - 0.042357396 - - -0.010053916 - - 0.057034835 - - -0.027412737 - - 0.017308975 - - 0.02185228 - - -0.048017155 - - -0.025138885 - - 0.016482655 - - -0.01756698 - - 0.031146016 - - 0.021930695 - - -0.00075341173 - - -0.015085438 - - 0.0146785155 - - 0.028547939 - - -0.036677707 - - -0.022699077 - - -0.045135103 - - -0.02802744 - - 0.071454674 - - -0.009201392 - - -0.051717956 - - -0.019421624 - - 0.0034821872 - - 0.06667364 - - 0.09145379 - - -0.068826884 - - 0.053568542 - - 0.01160062 - - -0.025829546 - - 0.04487214 - - 0.030954553 - - -0.022543794 - - -0.009475118 - - -0.014623143 - - -0.02070793 - - -0.02656788 - - 0.009701591 - - -0.025120718 - - -0.018472325 - - -0.027967019 - - -0.021122226 - - -0.009891716 - - 0.018696679 - - -0.068876855 - - -0.023419108 - - -0.025495855 - - 0.016256742 - - 0.00064859784 - - 0.037749656 - - -0.046321914 - - 0.065936595 - - -0.008921658 - - 0.07497468 - - -0.05094385 - - -0.052860104 - - 0.022196138 - - -0.0140462285 - - -0.03562305 - - 0.024858234 - - 0.021310989 - - 0.014657512 - - 0.07767391 - - -0.027777392 - - 0.057577316 - - 0.055513144 - - 0.06322926 - - -0.026312957 - - 0.010970987 - - -0.0057475767 - - 0.0028267235 - - 0.051367335 - - -0.022320578 - - 0.009050165 - - 0.016952222 - - -0.032026373 - - -0.074292615 - - -0.02315535 - - 0.025375988 - - -0.041241057 - - -0.032157563 - - -0.015576387 - - -0.015834223 - - 0.02224181 - - 0.017586967 - - -0.029070066 - - 0.0030065721 - - -0.051857695 - - 0.04008828 - - -0.007960872 - - -0.061745025 - - -0.00086617953 - - 0.026723113 - - 0.008719714 - - -0.049826868 - - -0.0046574236 - - 0.018954279 - - -0.007935451 - - 0.053987946 - - 0.022795292 - - 0.029722994 - - -0.010146585 - - -0.019956842 - - -0.014686722 - - 0.01708331 - - 0.020001508 - - 0.016564105 - - 0.011379248 - - -0.011843253 - - 0.04056168 - - 0.004384286 - - -0.049596023 - - 0.02674251 - - 0.0076475106 - - -0.0064563937 - - -0.014233138 - - 0.014224383 - - 0.0052741244 - - 0.049964864 - - -0.016286546 - - -0.001200327 - - 0.041904222 - - -0.0010395087 - - -0.05105399 - - 0.022099879 - - -0.019455278 - - 0.009444127 - - -0.081325725 - - 0.015994828 - - 0.0010952728 - - 0.0008373874 - - -0.0016424303 - - -0.05096469 - - 0.045976803 - - 0.024695056 - - -0.031656373 - - -0.0013138534 - - -0.0060524447 - - 0.060276203 - - -0.016745795 - - -0.029930653 - - -0.0222771 - - 0.012314711 - - 0.038991332 - - -0.006665343 - - 0.041694533 - - 0.0076992502 - - -0.014353178 - - 0.0025135442 - - -0.0498445 - - 0.020322764 - - 0.0575802 - - -0.006096128 - - -0.010841882 - - -0.024337102 - - 0.021975596 - - 0.0064031687 - - -0.026746146 - - 0.03455729 - - -0.011909055 - - 0.016994143 - - 0.026053395 - - -0.020393625 - - 0.06403403 - - 0.042590734 - - 0.009193913 - - 0.04016698 - - 0.028304791 - - 0.022147119 - - -0.030121539 - - -0.0037334429 - - 0.03235819 - - -0.020825844 - - 0.0009766509 - - -0.012216568 - - 0.07944978 - - 0.04177374 - - -0.008281654 - - -0.008908983 - - 0.04799388 - - -0.012743454 - - -0.00076762337 - - 0.012673029 - - -0.018283572 - - 0.022068778 - - -0.009605337 - - 0.0030652087 - - -0.036517244 - - -0.006263211 - - 0.0194632 - - 0.009333852 - - 0.02350168 - - -0.0008530139 - - 0.018934859 - - -0.013986168 - - -0.010833636 - - -0.011189203 - - 0.011567913 - - -0.07253544 - - -0.005748846 - - 0.11930293 - - 0.060044624 - - -0.023167728 - - -0.015781552 - - -0.010494401 - - 0.01930528 - - -0.039608266 - - -0.073587865 - - 0.0019034932 - - -0.0013838339 - - 0.026257295 - - 0.004433007 - - -0.051545423 - - -0.033456888 - - -0.06401291 - - -0.08664347 - - 0.010781564 - - 0.0408775 - - 0.021475399 - - 0.017633006 - - -0.02186024 - - 0.047795497 - - -0.006370007 - - 0.01792626 - - 0.005195737 - - 0.0026206016 - - -0.008816542 - - 0.009266863 - - -0.018453414 - - 0.0040575014 - - 0.0047053 - - -0.0197809 - - -0.01580334 - - 0.007821501 - - -0.06296649 - - -0.06274416 - - -0.0031381177 - - -0.024228694 - - -0.002459634 - - 0.00034323192 - - -0.02430543 - - -0.029262288 - - -0.04606642 - - -0.013138838 - - 0.040473 - - 0.012308485 - - 0.0020701357 - - -0.007718021 - - -0.0064122216 - - -0.024890581 - - 0.014665469 - - -0.0028788927 - - -0.047072053 - - -0.014959743 - - 0.004587824 - - -0.07462158 - - -0.008558996 - - 0.019324543 - - -0.02247574 - - -0.07721102 - - 0.007920586 - - -0.020274863 - - 0.028696692 - - 0.024707401 - - 0.016905285 - - 0.012742534 - - 0.018577736 - - -0.05768951 - - 0.03203929 - - 0.018105863 - - -0.03917534 - - -0.026208939 - - -0.038492158 - - -0.043517314 - - -0.008031121 - - -0.016162876 - - -0.0010640965 - - -0.004164019 - - 0.005193703 - - -0.0058410293 - - 0.029311381 - - -0.016533207 - - 0.05005747 - - 0.012600715 - - 0.016292874 - - -0.008300225 - - -0.08953819 - - 0.06544125 - - -0.010512851 - - -0.021443438 - - 0.030277776 - - -0.06502247 - - 0.004850903 - - -0.013137611 - - 0.0506941 - - 0.0072725127 - - -0.025755724 - - 0.008224718 - - 0.013813313 - - 0.037197027 - - 0.0023671025 - - 0.00763629 - - 0.011905766 - - 0.033143394 - - 0.007750765 - - -0.07725993 - - -0.03193554 - - -0.016900484 - - 0.06256093 - - 0.015902048 - - 0.062251173 - - 0.07478062 - - -0.009171957 - - -0.025452917 - - -0.015754124 - - -0.004426243 - - -0.0873611 - - 0.0077999695 - - 0.061026644 - - 0.016489599 - - 0.0066420045 - - -0.0062355455 - - 0.00345123 - - -0.022935547 - - 0.03939866 - - -0.0037231673 - - 0.0033949488 - - 0.029471302 - - 0.023097953 - - -0.0237214 - - 0.046621986 - - 0.029790087 - - -0.030113066 - - -0.012432801 - - 0.036813233 - - 0.01785254 - - -0.08032645 - - 0.051262226 - - 0.04222712 - - -0.023358794 - - -0.03602671 - - 0.0092950305 - - -0.015663076 - - -0.023873692 - - 0.009383877 - - -0.056770466 - - 0.032832243 - - 0.019920528 - - -0.04734062 - - -0.03368295 - - 0.0041841906 - - 0.03257228 - - -0.07387151 - - 0.011083565 - - 0.008633363 - - -0.04694844 - - 0.0027943242 - - -0.009078945 - - -0.011981829 - - -0.026407028 - - 0.033040557 - - -0.025803888 - - -0.021555608 - - 0.0042838412 - - -0.04263439 - - 0.0465685 - - 0.070476055 - - -0.02560814 - - 0.060619954 - - 0.0071254023 - - -0.062549844 - - -0.021544673 - - -0.03598606 - - -0.04904548 - - 0.04631042 - - -0.029345924 - - -0.015404836 - - 0.0063473387 - - -0.023926385 - - 0.022935716 - - -0.1004558 - - -0.007012574 - - 0.049480513 - - -0.02592937 - - 0.057209775 - - -0.010056263 - - -0.02236333 - - 0.008163001 - - 0.0036735693 - - -0.008406754 - - -0.0029980235 - - -0.0052409745 - - -0.014090007 - - -0.025248934 - - 0.022062942 - - -0.019766279 - - 0.07160526 - - -0.00075892545 - - -0.0096911425 - - -0.019483106 - - 0.042904716 - - -0.0013572425 - - 0.04353212 - - -0.07759716 - - -0.011731261 - - -0.10602095 - - 0.0010180247 - - -0.07403971 - - 0.043784548 - - -0.010357722 - - -0.009020027 - - 0.026289912 - - 0.053744033 - - 0.009665143 +- - -0.15026855 + - -0.02079773 + - -0.08392334 + - -0.12878418 + - 0.3581543 + - 0.29589844 + - -0.7709961 + - -0.6225586 + - 0.5053711 + - 0.32861328 + - -0.18591309 + - 0.50878906 + - 0.45361328 + - 0.6894531 + - 0.45410156 + - 0.0178833 + - 0.025802612 + - 0.68359375 + - -0.19018555 + - 0.0036315918 + - -0.36035156 + - 0.34814453 + - -0.20031738 + - -0.16503906 + - -0.32836914 + - 0.109191895 + - 0.37646484 + - -0.46142578 + - -0.5493164 + - 0.61572266 + - -1.0820313 + - -0.33984375 + - -0.16638184 + - -0.1821289 + - -0.17797852 + - -0.17797852 + - 0.375 + - 0.5800781 + - -0.3569336 + - -0.41235352 + - -0.61328125 + - -0.45410156 + - -0.4909668 + - 0.31323242 + - -0.51171875 + - -0.3190918 + - -0.18078613 + - -0.6484375 + - -0.66064453 + - -1.0107422 + - -0.7216797 + - -0.32739258 + - 0.53027344 + - 0.051116943 + - 0.20812988 + - -0.28833008 + - -0.17492676 + - -0.008338928 + - -0.12188721 + - 0.021240234 + - 0.20898438 + - -0.4206543 + - 0.32080078 + - 0.34936523 + - -0.33813477 + - 0.2763672 + - -0.6166992 + - 0.57666016 + - -0.29956055 + - 0.07366943 + - -0.22631836 + - -0.31323242 + - 0.765625 + - 0.0072364807 + - -0.2397461 + - 0.04937744 + - 0.04473877 + - -0.101379395 + - -0.058746338 + - 0.1060791 + - -0.14245605 + - 0.48583984 + - -0.43188477 + - -1.0244141 + - -0.023361206 + - -0.6303711 + - -0.49487305 + - -0.09185791 + - -0.20056152 + - -0.5859375 + - 0.1159668 + - 0.37939453 + - 0.42456055 + - 0.39746094 + - -0.22875977 + - 0.36572266 + - -0.44677734 + - 0.22094727 + - 0.5336914 + - -0.7080078 + - -0.07043457 + - -0.10650635 + - -0.3251953 + - 0.62939453 + - -0.75097656 + - -1.0703125 + - -0.68115234 + - 0.32861328 + - -0.21203613 + - -0.6411133 + - -0.5205078 + - 0.73339844 + - -0.12988281 + - 0.63623047 + - -0.32641602 + - -0.18652344 + - 0.6381836 + - -0.12463379 + - -1.1123047 + - 0.22851563 + - -0.18786621 + - 0.60009766 + - -0.39111328 + - -0.6430664 + - -0.08868408 + - -0.44580078 + - 0.8491211 + - 0.22497559 + - -0.2467041 + - -1.1083984 + - -0.1538086 + - -0.5571289 + - -0.73291016 + - 1.0498047 + - 0.36572266 + - -0.18359375 + - 0.52001953 + - 0.23632813 + - 0.20581055 + - 0.07562256 + - 0.007335663 + - 0.058746338 + - 0.3244629 + - 0.23486328 + - 0.31689453 + - -0.74902344 + - -0.29003906 + - -0.42895508 + - 0.18676758 + - -0.13269043 + - 0.24035645 + - -0.23742676 + - 1.0009766 + - -0.20336914 + - 0.09246826 + - 0.3552246 + - -0.2644043 + - -0.9506836 + - -0.07928467 + - 0.27246094 + - -0.3251953 + - -0.265625 + - -0.06274414 + - 0.57958984 + - -0.28051758 + - 0.13427734 + - 0.12878418 + - 0.29589844 + - -0.24621582 + - 0.22961426 + - 0.29907227 + - -0.66748047 + - 0.25683594 + - 0.21679688 + - 0.27929688 + - 0.30004883 + - 0.1418457 + - 0.0993042 + - 0.50146484 + - 0.57470703 + - 0.042877197 + - 0.25146484 + - -0.72509766 + - -0.9980469 + - -0.45922852 + - -0.09136963 + - -0.18359375 + - 0.40454102 + - 0.15063477 + - 0.54785156 + - 0.625 + - -0.18603516 + - -0.011123657 + - 0.11816406 + - 0.14453125 + - -0.11633301 + - -0.12097168 + - 0.42114258 + - 1.1943359 + - 0.20251465 + - 0.4050293 + - 0.17285156 + - 0.47021484 + - 0.40307617 + - -0.27954102 + - 0.15515137 + - -1.3603516 + - 0.4350586 + - -0.609375 + - -0.69970703 + - 0.3388672 + - -0.049316406 + - 1.2294922 + - 1.1884766 + - 0.88134766 + - -0.03918457 + - -0.41064453 + - 0.059448242 + - 0.18310547 + - -0.38598633 + - -0.15966797 + - -0.7553711 + - -0.13989258 + - 0.2878418 + - 0.34887695 + - -0.63671875 + - 0.26660156 + - 0.14953613 + - -0.022140503 + - -0.43359375 + - 0.32421875 + - -0.5629883 + - 0.0014381409 + - 0.4892578 + - 0.9741211 + - 0.79541016 + - -0.21728516 + - 0.4921875 + - -0.054351807 + - -0.0012207031 + - -0.4091797 + - -0.52783203 + - -0.125 + - -0.8535156 + - -0.38989258 + - 0.7441406 + - 0.31713867 + - -0.11645508 + - -0.171875 + - -0.92578125 + - -0.44799805 + - -0.14160156 + - 0.15527344 + - 0.1862793 + - 0.029571533 + - -0.7866211 + - 0.6118164 + - -0.22692871 + - 0.27148438 + - -0.1328125 + - -0.4345703 + - 0.35083008 + - -0.25756836 + - 1.1982422 + - -0.73535156 + - 0.22436523 + - 0.28173828 + - 0.3071289 + - 0.22375488 + - -0.89746094 + - 3.0800781 + - 0.6489258 + - -0.05178833 + - -0.14013672 + - 0.04055786 + - -0.34765625 + - 0.17004395 + - 0.26757813 + - -0.030090332 + - 0.48754883 + - 0.23852539 + - -0.62890625 + - -0.84814453 + - -0.27905273 + - -0.38598633 + - -0.3317871 + - 0.043518066 + - -0.092163086 + - 0.0256958 + - -0.032928467 + - 0.80322266 + - 0.23022461 + - 0.57177734 + - 0.015327454 + - 0.32714844 + - 0.50878906 + - -0.4892578 + - 0.28051758 + - 0.2019043 + - 0.5722656 + - -0.32080078 + - -0.017028809 + - 0.82910156 + - -0.26489258 + - -0.57373047 + - -0.4296875 + - 0.40356445 + - -0.058441162 + - -0.057373047 + - -0.43115234 + - 0.032684326 + - 0.12438965 + - 0.5678711 + - 0.5800781 + - -1.1533203 + - -1.1035156 + - 0.02670288 + - 0.07891846 + - 0.30908203 + - 0.6640625 + - 0.07446289 + - 0.52783203 + - -0.46801758 + - -0.23742676 + - 0.10357666 + - -0.6875 + - 1.0703125 + - 0.020080566 + - 0.005847931 + - 0.23657227 + - 0.5209961 + - -0.46020508 + - 0.6621094 + - 0.47021484 + - -0.51220703 + - -0.024047852 + - -0.07293701 + - 0.46972656 + - 0.15820313 + - -0.11248779 + - -0.056915283 + - 0.21398926 + - -0.20471191 + - 0.61279297 + - 1.1289063 + - -0.12988281 + - 0.29077148 + - 0.123046875 + - 0.44262695 + - 0.12963867 + - -0.1875 + - 0.23413086 + - -0.50146484 + - 0.55126953 + - -0.13061523 + - 0.7421875 + - -0.35620117 + - 0.22485352 + - 0.28393555 + - -0.625 + - -0.32861328 + - 0.21496582 + - -0.22851563 + - 0.4050293 + - 0.2841797 + - -0.010108948 + - -0.19689941 + - 0.19055176 + - 0.37158203 + - -0.4765625 + - -0.29516602 + - -0.58691406 + - -0.36523438 + - 0.9296875 + - -0.1194458 + - -0.67285156 + - -0.25195313 + - 0.045318604 + - 0.8671875 + - 1.1884766 + - -0.8955078 + - 0.69628906 + - 0.15075684 + - -0.3359375 + - 0.5834961 + - 0.4025879 + - -0.29296875 + - -0.122680664 + - -0.1899414 + - -0.26953125 + - -0.34594727 + - 0.1262207 + - -0.32617188 + - -0.24023438 + - -0.3642578 + - -0.27441406 + - -0.12841797 + - 0.24353027 + - -0.89697266 + - -0.30395508 + - -0.33129883 + - 0.2109375 + - 0.007217407 + - 0.49145508 + - -0.60253906 + - 0.8574219 + - -0.115234375 + - 0.9741211 + - -0.6621094 + - -0.6875 + - 0.2878418 + - -0.18322754 + - -0.46240234 + - 0.32348633 + - 0.2770996 + - 0.19104004 + - 1.0097656 + - -0.36083984 + - 0.74853516 + - 0.7216797 + - 0.8222656 + - -0.3425293 + - 0.1430664 + - -0.0748291 + - 0.03677368 + - 0.66845703 + - -0.29003906 + - 0.11755371 + - 0.22009277 + - -0.4165039 + - -0.9663086 + - -0.30151367 + - 0.32910156 + - -0.53564453 + - -0.41796875 + - -0.203125 + - -0.20617676 + - 0.28955078 + - 0.22888184 + - -0.3779297 + - 0.038085938 + - -0.67529297 + - 0.52246094 + - -0.103637695 + - -0.8027344 + - -0.011352539 + - 0.3479004 + - 0.11303711 + - -0.6484375 + - -0.060577393 + - 0.24658203 + - -0.10333252 + - 0.70166016 + - 0.29711914 + - 0.38720703 + - -0.13244629 + - -0.26000977 + - -0.19091797 + - 0.22265625 + - 0.26000977 + - 0.2154541 + - 0.14807129 + - -0.15393066 + - 0.52783203 + - 0.05621338 + - -0.64501953 + - 0.3479004 + - 0.099731445 + - -0.08416748 + - -0.18566895 + - 0.18457031 + - 0.06817627 + - 0.64990234 + - -0.21203613 + - -0.015991211 + - 0.5449219 + - -0.013648987 + - -0.6640625 + - 0.28686523 + - -0.2536621 + - 0.12261963 + - -1.0585938 + - 0.20776367 + - 0.014122009 + - 0.010620117 + - -0.021469116 + - -0.66259766 + - 0.59765625 + - 0.32080078 + - -0.4116211 + - -0.01739502 + - -0.078063965 + - 0.7832031 + - -0.21850586 + - -0.38964844 + - -0.28930664 + - 0.1595459 + - 0.50683594 + - -0.08673096 + - 0.54248047 + - 0.099853516 + - -0.18664551 + - 0.03253174 + - -0.6484375 + - 0.2644043 + - 0.74853516 + - -0.07952881 + - -0.14099121 + - -0.31689453 + - 0.2861328 + - 0.08300781 + - -0.34814453 + - 0.4501953 + - -0.15454102 + - 0.2220459 + - 0.33911133 + - -0.265625 + - 0.8330078 + - 0.55322266 + - 0.11999512 + - 0.5214844 + - 0.36865234 + - 0.2890625 + - -0.39160156 + - -0.048675537 + - 0.42114258 + - -0.27124023 + - 0.012619019 + - -0.15917969 + - 1.0341797 + - 0.54345703 + - -0.10723877 + - -0.115478516 + - 0.625 + - -0.16564941 + - -0.010139465 + - 0.16589355 + - -0.23693848 + - 0.28686523 + - -0.12524414 + - 0.039611816 + - -0.47558594 + - -0.08154297 + - 0.25170898 + - 0.12145996 + - 0.30566406 + - -0.010986328 + - 0.24633789 + - -0.18188477 + - -0.14099121 + - -0.14562988 + - 0.1505127 + - -0.9428711 + - -0.07421875 + - 1.5507813 + - 0.78222656 + - -0.3010254 + - -0.20532227 + - -0.13647461 + - 0.25073242 + - -0.5151367 + - -0.95751953 + - 0.025177002 + - -0.01777649 + - 0.34155273 + - 0.058288574 + - -0.6694336 + - -0.43579102 + - -0.8334961 + - -1.1269531 + - 0.13964844 + - 0.5317383 + - 0.27929688 + - 0.22961426 + - -0.28442383 + - 0.6225586 + - -0.08343506 + - 0.23291016 + - 0.06756592 + - 0.033813477 + - -0.11401367 + - 0.12030029 + - -0.23950195 + - 0.052856445 + - 0.061706543 + - -0.25732422 + - -0.20532227 + - 0.101623535 + - -0.81884766 + - -0.81640625 + - -0.04067993 + - -0.3149414 + - -0.03250122 + - 0.0046043396 + - -0.31640625 + - -0.38085938 + - -0.5991211 + - -0.17053223 + - 0.52685547 + - 0.15979004 + - 0.026824951 + - -0.10070801 + - -0.083984375 + - -0.32421875 + - 0.19067383 + - -0.037322998 + - -0.61279297 + - -0.19445801 + - 0.059173584 + - -0.9711914 + - -0.111328125 + - 0.25097656 + - -0.29296875 + - -1.0039063 + - 0.10266113 + - -0.26293945 + - 0.37402344 + - 0.32104492 + - 0.21984863 + - 0.16625977 + - 0.24169922 + - -0.75097656 + - 0.41674805 + - 0.23547363 + - -0.50927734 + - -0.3408203 + - -0.5 + - -0.56591797 + - -0.10430908 + - -0.2097168 + - -0.013595581 + - -0.053894043 + - 0.067871094 + - -0.07635498 + - 0.3803711 + - -0.21484375 + - 0.6508789 + - 0.16333008 + - 0.21191406 + - -0.107543945 + - -1.1650391 + - 0.8515625 + - -0.13708496 + - -0.27905273 + - 0.39282227 + - -0.84521484 + - 0.06378174 + - -0.17102051 + - 0.65966797 + - 0.0947876 + - -0.33520508 + - 0.10723877 + - 0.17993164 + - 0.48364258 + - 0.030548096 + - 0.09863281 + - 0.15454102 + - 0.43066406 + - 0.10076904 + - -1.0048828 + - -0.4152832 + - -0.21923828 + - 0.8144531 + - 0.20581055 + - 0.8095703 + - 0.97265625 + - -0.119262695 + - -0.33129883 + - -0.20471191 + - -0.057037354 + - -1.1357422 + - 0.10089111 + - 0.7944336 + - 0.21435547 + - 0.086364746 + - -0.08148193 + - 0.04510498 + - -0.29858398 + - 0.5126953 + - -0.048583984 + - 0.044036865 + - 0.38427734 + - 0.3005371 + - -0.3088379 + - 0.60595703 + - 0.38745117 + - -0.39135742 + - -0.16174316 + - 0.47924805 + - 0.23217773 + - -1.0439453 + - 0.66748047 + - 0.5498047 + - -0.30444336 + - -0.46875 + - 0.120788574 + - -0.20373535 + - -0.30981445 + - 0.12145996 + - -0.73876953 + - 0.4267578 + - 0.25976563 + - -0.61572266 + - -0.43774414 + - 0.054473877 + - 0.4230957 + - -0.96191406 + - 0.14416504 + - 0.111816406 + - -0.6113281 + - 0.03665161 + - -0.11779785 + - -0.15563965 + - -0.34301758 + - 0.4296875 + - -0.3359375 + - -0.2800293 + - 0.05618286 + - -0.5546875 + - 0.60595703 + - 0.9160156 + - -0.33374023 + - 0.7890625 + - 0.093322754 + - -0.81347656 + - -0.28076172 + - -0.46777344 + - -0.6386719 + - 0.6015625 + - -0.38134766 + - -0.20031738 + - 0.0826416 + - -0.31079102 + - 0.2980957 + - -1.3066406 + - -0.09161377 + - 0.64404297 + - -0.33691406 + - 0.74365234 + - -0.13024902 + - -0.29101563 + - 0.10620117 + - 0.047912598 + - -0.10949707 + - -0.039276123 + - -0.06781006 + - -0.18383789 + - -0.328125 + - 0.2861328 + - -0.2565918 + - 0.9316406 + - -0.0101623535 + - -0.12548828 + - -0.2529297 + - 0.55859375 + - -0.017501831 + - 0.56591797 + - -1.0097656 + - -0.15197754 + - -1.3779297 + - 0.013214111 + - -0.9628906 + - 0.56884766 + - -0.1352539 + - -0.11755371 + - 0.34179688 + - 0.69873047 + - 0.12548828 diff --git a/backends/candle/tests/snapshots/test_jina_code__jina_code_batch.snap b/backends/candle/tests/snapshots/test_jina_code__jina_code_batch.snap index 87f5bbd6..c82cb3b7 100644 --- a/backends/candle/tests/snapshots/test_jina_code__jina_code_batch.snap +++ b/backends/candle/tests/snapshots/test_jina_code__jina_code_batch.snap @@ -1,772 +1,2309 @@ --- source: backends/candle/tests/test_jina_code.rs +assertion_line: 34 expression: embeddings_batch --- -- - -0.011624558 - - -0.0016926473 - - -0.006434922 - - -0.009909191 - - 0.027506275 - - 0.022786874 - - -0.059169117 - - -0.047887173 - - 0.038912594 - - 0.025214802 - - -0.014350341 - - 0.039117776 - - 0.03485464 - - 0.05296896 - - 0.034907352 - - 0.0013971328 - - 0.0019907136 - - 0.052471623 - - -0.014562107 - - 0.00030206257 - - -0.02770458 - - 0.02685756 - - -0.015385578 - - -0.012668428 - - -0.025259107 - - 0.00836893 - - 0.028925523 - - -0.035507426 - - -0.04220648 - - 0.047328673 - - -0.083232224 - - -0.02608385 - - -0.012809777 - - -0.0140402755 - - -0.013649549 - - -0.013641793 - - 0.02880054 - - 0.04465023 - - -0.0274121 - - -0.03170939 - - -0.047180377 - - -0.0349574 - - -0.037762504 - - 0.024104225 - - -0.039361924 - - -0.024559166 - - -0.0138650155 - - -0.049862508 - - -0.0507675 - - -0.07775355 - - -0.055519626 - - -0.025151063 - - 0.040781654 - - 0.0039354665 - - 0.015940087 - - -0.022214677 - - -0.013484792 - - -0.00070730236 - - -0.009409981 - - 0.0016682384 - - 0.016079267 - - -0.032368172 - - 0.024572799 - - 0.026780155 - - -0.025954 - - 0.021282032 - - -0.047395118 - - 0.044386413 - - -0.023020437 - - 0.0056320634 - - -0.017416032 - - -0.024118245 - - 0.05878816 - - 0.00059366866 - - -0.018553924 - - 0.003762008 - - 0.0035026476 - - -0.0077498616 - - -0.004517831 - - 0.008116448 - - -0.010922055 - - 0.037391223 - - -0.03318112 - - -0.07876148 - - -0.0018068684 - - -0.0484656 - - -0.038104814 - - -0.0070756334 - - -0.015427567 - - -0.04499487 - - 0.008910639 - - 0.029193114 - - 0.032674707 - - 0.0305758 - - -0.017541302 - - 0.028164856 - - -0.0344121 - - 0.016969312 - - 0.04108575 - - -0.054463603 - - -0.005427823 - - -0.008252881 - - -0.024992533 - - 0.048412405 - - -0.05769221 - - -0.08227673 - - -0.0523458 - - 0.025244992 - - -0.016289622 - - -0.049253095 - - -0.03999235 - - 0.05642755 - - -0.010015731 - - 0.04892553 - - -0.02504831 - - -0.014305144 - - 0.04907702 - - -0.0096177375 - - -0.0854665 - - 0.017617436 - - -0.014481601 - - 0.046187755 - - -0.030009247 - - -0.049553443 - - -0.006797771 - - -0.034234725 - - 0.06525787 - - 0.017298417 - - -0.018988462 - - -0.08520813 - - -0.011840521 - - -0.042942975 - - -0.056341827 - - 0.08071612 - - 0.028146833 - - -0.0141261155 - - 0.04001012 - - 0.018236378 - - 0.01583886 - - 0.0058086845 - - 0.0005290361 - - 0.0045259795 - - 0.024873685 - - 0.018050008 - - 0.02440984 - - -0.057676647 - - -0.022263395 - - -0.033016473 - - 0.014353932 - - -0.010189813 - - 0.018424626 - - -0.018238619 - - 0.07698089 - - -0.015595315 - - 0.007074499 - - 0.027340613 - - -0.02035102 - - -0.073149584 - - -0.0061021335 - - 0.0209061 - - -0.024985746 - - -0.020401739 - - -0.0048702923 - - 0.0444933 - - -0.02158648 - - 0.010312202 - - 0.009883107 - - 0.022790415 - - -0.01893943 - - 0.017615119 - - 0.023000762 - - -0.051276624 - - 0.019835759 - - 0.016675396 - - 0.021532865 - - 0.023097536 - - 0.01091247 - - 0.007642041 - - 0.0385409 - - 0.044193454 - - 0.003319116 - - 0.019355802 - - -0.055695307 - - -0.07680676 - - -0.035279598 - - -0.0070618573 - - -0.01408385 - - 0.03107026 - - 0.011547187 - - 0.04217532 - - 0.048034772 - - -0.014330861 - - -0.0007901662 - - 0.009103947 - - 0.011091706 - - -0.008960474 - - -0.009301379 - - 0.032424763 - - 0.09180531 - - 0.015491586 - - 0.031114861 - - 0.013289549 - - 0.03616163 - - 0.031084707 - - -0.021437835 - - 0.011905716 - - -0.104623 - - 0.033417992 - - -0.04683295 - - -0.05382028 - - 0.025979578 - - -0.003795323 - - 0.094473585 - - 0.09126942 - - 0.067700386 - - -0.002935823 - - -0.031604428 - - 0.0045677535 - - 0.014042491 - - -0.02969786 - - -0.012263599 - - -0.05807616 - - -0.0107510965 - - 0.022099612 - - 0.02685798 - - -0.048912797 - - 0.020464186 - - 0.011517319 - - -0.0016606319 - - -0.033255223 - - 0.02488959 - - -0.043240122 - - 0.00013934783 - - 0.037608404 - - 0.0748658 - - 0.061115693 - - -0.01670558 - - 0.037827995 - - -0.004162286 - - -0.00011341072 - - -0.031436242 - - -0.040532686 - - -0.0096016815 - - -0.065639205 - - -0.030070387 - - 0.05715196 - - 0.024338327 - - -0.008972259 - - -0.013220871 - - -0.07115904 - - -0.03446362 - - -0.010893238 - - 0.011950567 - - 0.0143028535 - - 0.0022963681 - - -0.060428943 - - 0.047038406 - - -0.017493663 - - 0.0208505 - - -0.010212147 - - -0.03337894 - - 0.026969628 - - -0.019734934 - - 0.0922163 - - -0.056534916 - - 0.017255465 - - 0.021692138 - - 0.023583038 - - 0.017224979 - - -0.0689936 - - 0.23665377 - - 0.04984247 - - -0.0039337534 - - -0.010740561 - - 0.00313393 - - -0.02665381 - - 0.013037893 - - 0.020565815 - - -0.002266256 - - 0.03748113 - - 0.018353125 - - -0.048318923 - - -0.06522075 - - -0.021460611 - - -0.029665926 - - -0.025507431 - - 0.0033435076 - - -0.0071087605 - - 0.001970083 - - -0.0025331723 - - 0.061776515 - - 0.017747495 - - 0.04396135 - - 0.0011617352 - - 0.02509327 - - 0.039078914 - - -0.03762337 - - 0.021575885 - - 0.015548619 - - 0.043990802 - - -0.024633111 - - -0.0013324996 - - 0.063795656 - - -0.02035371 - - -0.0440217 - - -0.033049908 - - 0.031034056 - - -0.004495562 - - -0.0044647786 - - -0.033148468 - - 0.0025072312 - - 0.009637453 - - 0.04357035 - - 0.044546504 - - -0.08865154 - - -0.08487347 - - 0.00205395 - - 0.0060572727 - - 0.023767816 - - 0.051007573 - - 0.0057035745 - - 0.040539596 - - -0.035988905 - - -0.01824621 - - 0.007887274 - - -0.052848075 - - 0.08228733 - - 0.0015825987 - - 0.0004136183 - - 0.018108545 - - 0.040081892 - - -0.035405345 - - 0.050933696 - - 0.036154125 - - -0.03947257 - - -0.0018412384 - - -0.005589829 - - 0.03620321 - - 0.012144826 - - -0.008619581 - - -0.0043279063 - - 0.016455552 - - -0.015757388 - - 0.047043085 - - 0.08675011 - - -0.009986743 - - 0.022379123 - - 0.009470605 - - 0.034120724 - - 0.009922824 - - -0.014435422 - - 0.017998574 - - -0.03849387 - - 0.042357396 - - -0.010053916 - - 0.057034835 - - -0.027412737 - - 0.017308975 - - 0.02185228 - - -0.048017155 - - -0.025138885 - - 0.016482655 - - -0.01756698 - - 0.031146016 - - 0.021930695 - - -0.00075341173 - - -0.015085438 - - 0.0146785155 - - 0.028547939 - - -0.036677707 - - -0.022699077 - - -0.045135103 - - -0.02802744 - - 0.071454674 - - -0.009201392 - - -0.051717956 - - -0.019421624 - - 0.0034821872 - - 0.06667364 - - 0.09145379 - - -0.068826884 - - 0.053568542 - - 0.01160062 - - -0.025829546 - - 0.04487214 - - 0.030954553 - - -0.022543794 - - -0.009475118 - - -0.014623143 - - -0.02070793 - - -0.02656788 - - 0.009701591 - - -0.025120718 - - -0.018472325 - - -0.027967019 - - -0.021122226 - - -0.009891716 - - 0.018696679 - - -0.068876855 - - -0.023419108 - - -0.025495855 - - 0.016256742 - - 0.00064859784 - - 0.037749656 - - -0.046321914 - - 0.065936595 - - -0.008921658 - - 0.07497468 - - -0.05094385 - - -0.052860104 - - 0.022196138 - - -0.0140462285 - - -0.03562305 - - 0.024858234 - - 0.021310989 - - 0.014657512 - - 0.07767391 - - -0.027777392 - - 0.057577316 - - 0.055513144 - - 0.06322926 - - -0.026312957 - - 0.010970987 - - -0.0057475767 - - 0.0028267235 - - 0.051367335 - - -0.022320578 - - 0.009050165 - - 0.016952222 - - -0.032026373 - - -0.074292615 - - -0.02315535 - - 0.025375988 - - -0.041241057 - - -0.032157563 - - -0.015576387 - - -0.015834223 - - 0.02224181 - - 0.017586967 - - -0.029070066 - - 0.0030065721 - - -0.051857695 - - 0.04008828 - - -0.007960872 - - -0.061745025 - - -0.00086617953 - - 0.026723113 - - 0.008719714 - - -0.049826868 - - -0.0046574236 - - 0.018954279 - - -0.007935451 - - 0.053987946 - - 0.022795292 - - 0.029722994 - - -0.010146585 - - -0.019956842 - - -0.014686722 - - 0.01708331 - - 0.020001508 - - 0.016564105 - - 0.011379248 - - -0.011843253 - - 0.04056168 - - 0.004384286 - - -0.049596023 - - 0.02674251 - - 0.0076475106 - - -0.0064563937 - - -0.014233138 - - 0.014224383 - - 0.0052741244 - - 0.049964864 - - -0.016286546 - - -0.001200327 - - 0.041904222 - - -0.0010395087 - - -0.05105399 - - 0.022099879 - - -0.019455278 - - 0.009444127 - - -0.081325725 - - 0.015994828 - - 0.0010952728 - - 0.0008373874 - - -0.0016424303 - - -0.05096469 - - 0.045976803 - - 0.024695056 - - -0.031656373 - - -0.0013138534 - - -0.0060524447 - - 0.060276203 - - -0.016745795 - - -0.029930653 - - -0.0222771 - - 0.012314711 - - 0.038991332 - - -0.006665343 - - 0.041694533 - - 0.0076992502 - - -0.014353178 - - 0.0025135442 - - -0.0498445 - - 0.020322764 - - 0.0575802 - - -0.006096128 - - -0.010841882 - - -0.024337102 - - 0.021975596 - - 0.0064031687 - - -0.026746146 - - 0.03455729 - - -0.011909055 - - 0.016994143 - - 0.026053395 - - -0.020393625 - - 0.06403403 - - 0.042590734 - - 0.009193913 - - 0.04016698 - - 0.028304791 - - 0.022147119 - - -0.030121539 - - -0.0037334429 - - 0.03235819 - - -0.020825844 - - 0.0009766509 - - -0.012216568 - - 0.07944978 - - 0.04177374 - - -0.008281654 - - -0.008908983 - - 0.04799388 - - -0.012743454 - - -0.00076762337 - - 0.012673029 - - -0.018283572 - - 0.022068778 - - -0.009605337 - - 0.0030652087 - - -0.036517244 - - -0.006263211 - - 0.0194632 - - 0.009333852 - - 0.02350168 - - -0.0008530139 - - 0.018934859 - - -0.013986168 - - -0.010833636 - - -0.011189203 - - 0.011567913 - - -0.07253544 - - -0.005748846 - - 0.11930293 - - 0.060044624 - - -0.023167728 - - -0.015781552 - - -0.010494401 - - 0.01930528 - - -0.039608266 - - -0.073587865 - - 0.0019034932 - - -0.0013838339 - - 0.026257295 - - 0.004433007 - - -0.051545423 - - -0.033456888 - - -0.06401291 - - -0.08664347 - - 0.010781564 - - 0.0408775 - - 0.021475399 - - 0.017633006 - - -0.02186024 - - 0.047795497 - - -0.006370007 - - 0.01792626 - - 0.005195737 - - 0.0026206016 - - -0.008816542 - - 0.009266863 - - -0.018453414 - - 0.0040575014 - - 0.0047053 - - -0.0197809 - - -0.01580334 - - 0.007821501 - - -0.06296649 - - -0.06274416 - - -0.0031381177 - - -0.024228694 - - -0.002459634 - - 0.00034323192 - - -0.02430543 - - -0.029262288 - - -0.04606642 - - -0.013138838 - - 0.040473 - - 0.012308485 - - 0.0020701357 - - -0.007718021 - - -0.0064122216 - - -0.024890581 - - 0.014665469 - - -0.0028788927 - - -0.047072053 - - -0.014959743 - - 0.004587824 - - -0.07462158 - - -0.008558996 - - 0.019324543 - - -0.02247574 - - -0.07721102 - - 0.007920586 - - -0.020274863 - - 0.028696692 - - 0.024707401 - - 0.016905285 - - 0.012742534 - - 0.018577736 - - -0.05768951 - - 0.03203929 - - 0.018105863 - - -0.03917534 - - -0.026208939 - - -0.038492158 - - -0.043517314 - - -0.008031121 - - -0.016162876 - - -0.0010640965 - - -0.004164019 - - 0.005193703 - - -0.0058410293 - - 0.029311381 - - -0.016533207 - - 0.05005747 - - 0.012600715 - - 0.016292874 - - -0.008300225 - - -0.08953819 - - 0.06544125 - - -0.010512851 - - -0.021443438 - - 0.030277776 - - -0.06502247 - - 0.004850903 - - -0.013137611 - - 0.0506941 - - 0.0072725127 - - -0.025755724 - - 0.008224718 - - 0.013813313 - - 0.037197027 - - 0.0023671025 - - 0.00763629 - - 0.011905766 - - 0.033143394 - - 0.007750765 - - -0.07725993 - - -0.03193554 - - -0.016900484 - - 0.06256093 - - 0.015902048 - - 0.062251173 - - 0.07478062 - - -0.009171957 - - -0.025452917 - - -0.015754124 - - -0.004426243 - - -0.0873611 - - 0.0077999695 - - 0.061026644 - - 0.016489599 - - 0.0066420045 - - -0.0062355455 - - 0.00345123 - - -0.022935547 - - 0.03939866 - - -0.0037231673 - - 0.0033949488 - - 0.029471302 - - 0.023097953 - - -0.0237214 - - 0.046621986 - - 0.029790087 - - -0.030113066 - - -0.012432801 - - 0.036813233 - - 0.01785254 - - -0.08032645 - - 0.051262226 - - 0.04222712 - - -0.023358794 - - -0.03602671 - - 0.0092950305 - - -0.015663076 - - -0.023873692 - - 0.009383877 - - -0.056770466 - - 0.032832243 - - 0.019920528 - - -0.04734062 - - -0.03368295 - - 0.0041841906 - - 0.03257228 - - -0.07387151 - - 0.011083565 - - 0.008633363 - - -0.04694844 - - 0.0027943242 - - -0.009078945 - - -0.011981829 - - -0.026407028 - - 0.033040557 - - -0.025803888 - - -0.021555608 - - 0.0042838412 - - -0.04263439 - - 0.0465685 - - 0.070476055 - - -0.02560814 - - 0.060619954 - - 0.0071254023 - - -0.062549844 - - -0.021544673 - - -0.03598606 - - -0.04904548 - - 0.04631042 - - -0.029345924 - - -0.015404836 - - 0.0063473387 - - -0.023926385 - - 0.022935716 - - -0.1004558 - - -0.007012574 - - 0.049480513 - - -0.02592937 - - 0.057209775 - - -0.010056263 - - -0.02236333 - - 0.008163001 - - 0.0036735693 - - -0.008406754 - - -0.0029980235 - - -0.0052409745 - - -0.014090007 - - -0.025248934 - - 0.022062942 - - -0.019766279 - - 0.07160526 - - -0.00075892545 - - -0.0096911425 - - -0.019483106 - - 0.042904716 - - -0.0013572425 - - 0.04353212 - - -0.07759716 - - -0.011731261 - - -0.10602095 - - 0.0010180247 - - -0.07403971 - - 0.043784548 - - -0.010357722 - - -0.009020027 - - 0.026289912 - - 0.053744033 - - 0.009665143 +- - -0.15109055 + - -0.021903634 + - -0.083914824 + - -0.12880398 + - 0.35795656 + - 0.29648995 + - -0.7700259 + - -0.6232085 + - 0.5061859 + - 0.32812628 + - -0.18676779 + - 0.5090188 + - 0.45361203 + - 0.68920135 + - 0.45408535 + - 0.018128024 + - 0.025971208 + - 0.68283266 + - -0.18952315 + - 0.0038942832 + - -0.3604529 + - 0.34934753 + - -0.20016576 + - -0.16480061 + - -0.32872507 + - 0.109056644 + - 0.3764274 + - -0.46188527 + - -0.54918104 + - 0.6157312 + - -1.0830243 + - -0.33922067 + - -0.16675155 + - -0.18266918 + - -0.17769708 + - -0.17737399 + - 0.37486547 + - 0.58084005 + - -0.3567266 + - -0.41240114 + - -0.6137596 + - -0.45474958 + - -0.49108082 + - 0.31371123 + - -0.5121634 + - -0.3197327 + - -0.18065253 + - -0.64862263 + - -0.66046077 + - -1.0115874 + - -0.7223414 + - -0.32740927 + - 0.53072345 + - 0.05111746 + - 0.2075495 + - -0.28874597 + - -0.17527471 + - -0.008905607 + - -0.122156546 + - 0.021472305 + - 0.20913471 + - -0.4211547 + - 0.3197582 + - 0.34856012 + - -0.33770165 + - 0.27678913 + - -0.6166295 + - 0.57761586 + - -0.29957268 + - 0.07320643 + - -0.2265589 + - -0.31391874 + - 0.76492447 + - 0.007600454 + - -0.24119496 + - 0.04892763 + - 0.045543913 + - -0.10091984 + - -0.058633436 + - 0.10562694 + - -0.1420554 + - 0.4863675 + - -0.4318424 + - -1.0247877 + - -0.023403248 + - -0.63065374 + - -0.49578613 + - -0.092090085 + - -0.20044541 + - -0.58556545 + - 0.115839 + - 0.3798816 + - 0.424985 + - 0.39816627 + - -0.2285332 + - 0.36628655 + - -0.44768625 + - 0.22070913 + - 0.534507 + - -0.7085661 + - -0.070538834 + - -0.107348874 + - -0.3253587 + - 0.62993294 + - -0.75059 + - -1.0707804 + - -0.68110603 + - 0.32859373 + - -0.2118855 + - -0.6408962 + - -0.52045304 + - 0.73433083 + - -0.1304437 + - 0.6365012 + - -0.32628164 + - -0.18581727 + - 0.63856125 + - -0.12516598 + - -1.1121966 + - 0.22908626 + - -0.18862781 + - 0.60101926 + - -0.39073998 + - -0.6447968 + - -0.08831934 + - -0.44524685 + - 0.8490645 + - 0.22501259 + - -0.24692704 + - -1.1086503 + - -0.15384841 + - -0.55875844 + - -0.7331938 + - 1.0501978 + - 0.36605185 + - -0.1838262 + - 0.5206189 + - 0.237174 + - 0.2063224 + - 0.07563617 + - 0.0067095836 + - 0.05887958 + - 0.32364896 + - 0.23489417 + - 0.3175898 + - -0.75022984 + - -0.28961807 + - -0.42942932 + - 0.18670824 + - -0.13244013 + - 0.23977569 + - -0.2373133 + - 1.0015438 + - -0.20318209 + - 0.091986164 + - 0.35573465 + - -0.2647709 + - -0.95180094 + - -0.079319276 + - 0.27213028 + - -0.3250932 + - -0.265531 + - -0.06336659 + - 0.5788936 + - -0.28100872 + - 0.13420996 + - 0.12869371 + - 0.29647395 + - -0.24638884 + - 0.22951232 + - 0.29915494 + - -0.6673683 + - 0.2579727 + - 0.2170357 + - 0.28044018 + - 0.3005139 + - 0.1420653 + - 0.09953698 + - 0.5016433 + - 0.5750065 + - 0.043215007 + - 0.25182495 + - -0.7248352 + - -0.999321 + - -0.4589929 + - -0.09168369 + - -0.18338953 + - 0.40430227 + - 0.15028067 + - 0.5487751 + - 0.62510055 + - -0.18643674 + - -0.010421776 + - 0.11832279 + - 0.14426151 + - -0.116284296 + - -0.12081876 + - 0.4218832 + - 1.1945444 + - 0.20170249 + - 0.40529028 + - 0.17298388 + - 0.4703354 + - 0.40446448 + - -0.27903953 + - 0.15500137 + - -1.3613433 + - 0.4349553 + - -0.6092625 + - -0.70038843 + - 0.33829692 + - -0.049486037 + - 1.2292315 + - 1.1875246 + - 0.88110733 + - -0.03808219 + - -0.4112232 + - 0.059451427 + - 0.18286517 + - -0.38637286 + - -0.15960105 + - -0.75563526 + - -0.13992405 + - 0.2876585 + - 0.34938484 + - -0.6364276 + - 0.26648706 + - 0.14986621 + - -0.02178538 + - -0.4328274 + - 0.32400253 + - -0.56284696 + - 0.0017066401 + - 0.48950258 + - 0.9744805 + - 0.79537344 + - -0.21747883 + - 0.49245363 + - -0.054273184 + - -0.0015835592 + - -0.40899876 + - -0.5273927 + - -0.12501761 + - -0.8540773 + - -0.39120156 + - 0.74370086 + - 0.31688598 + - -0.1167029 + - -0.17205204 + - -0.92589134 + - -0.44832373 + - -0.14176796 + - 0.15559316 + - 0.18620004 + - 0.029677821 + - -0.7860899 + - 0.6119261 + - -0.22759564 + - 0.27114338 + - -0.13304555 + - -0.43458125 + - 0.3509001 + - -0.25703368 + - 1.1999604 + - -0.7353845 + - 0.22466286 + - 0.28216404 + - 0.3068133 + - 0.22410686 + - -0.89779717 + - 3.079363 + - 0.64849144 + - -0.051214017 + - -0.13966322 + - 0.040685207 + - -0.34677258 + - 0.16971292 + - 0.26769742 + - -0.029500902 + - 0.48766795 + - 0.23884484 + - -0.6286489 + - -0.84872234 + - -0.2792891 + - -0.38614812 + - -0.33205667 + - 0.043627854 + - -0.09268977 + - 0.025558773 + - -0.03295981 + - 0.8038319 + - 0.23085825 + - 0.57229805 + - 0.015164251 + - 0.326595 + - 0.5086542 + - -0.48954597 + - 0.28064272 + - 0.20231196 + - 0.57230157 + - -0.32051596 + - -0.017456383 + - 0.8301593 + - -0.26487425 + - -0.57291526 + - -0.43000674 + - 0.40386793 + - -0.05868221 + - -0.057881687 + - -0.43141183 + - 0.032518987 + - 0.1253997 + - 0.56710976 + - 0.5799254 + - -1.153662 + - -1.10415 + - 0.026664412 + - 0.07890936 + - 0.30930015 + - 0.663942 + - 0.074350215 + - 0.5277145 + - -0.46849388 + - -0.23736477 + - 0.10271544 + - -0.6875649 + - 1.0708058 + - 0.020512069 + - 0.0056299777 + - 0.2355162 + - 0.5215009 + - -0.46059683 + - 0.66269505 + - 0.47026086 + - -0.5134104 + - -0.024114873 + - -0.072785124 + - 0.47082546 + - 0.1581585 + - -0.11227976 + - -0.056339893 + - 0.21406786 + - -0.20518807 + - 0.6122274 + - 1.1290092 + - -0.12989084 + - 0.29127744 + - 0.12319786 + - 0.4438106 + - 0.12894677 + - -0.18791506 + - 0.23426783 + - -0.50117284 + - 0.551251 + - -0.13086843 + - 0.74193066 + - -0.35664067 + - 0.22491322 + - 0.28431758 + - -0.6247842 + - -0.32735807 + - 0.21448077 + - -0.2287333 + - 0.40534654 + - 0.285397 + - -0.00997967 + - -0.19634967 + - 0.19089007 + - 0.37149337 + - -0.47715828 + - -0.29549593 + - -0.5872835 + - -0.36474487 + - 0.9297853 + - -0.11981724 + - -0.6729041 + - -0.25248244 + - 0.04529079 + - 0.8676567 + - 1.190012 + - -0.8955213 + - 0.6969344 + - 0.15096132 + - -0.33601168 + - 0.58402616 + - 0.40269914 + - -0.29323262 + - -0.12331058 + - -0.19022873 + - -0.2695512 + - -0.34561163 + - 0.12637508 + - -0.32674125 + - -0.24046609 + - -0.36392096 + - -0.2750025 + - -0.1285536 + - 0.24339662 + - -0.8961811 + - -0.30471936 + - -0.33182573 + - 0.21140103 + - 0.0081760185 + - 0.49128702 + - -0.6027674 + - 0.8579567 + - -0.11586177 + - 0.9756438 + - -0.6629891 + - -0.6875798 + - 0.28862348 + - -0.18273708 + - -0.46361127 + - 0.32340264 + - 0.2774327 + - 0.19078733 + - 1.0107533 + - -0.36158043 + - 0.74900544 + - 0.72242737 + - 0.8227667 + - -0.34258467 + - 0.14299211 + - -0.07485575 + - 0.036902674 + - 0.6683555 + - -0.29041463 + - 0.117668785 + - 0.22068712 + - -0.41664442 + - -0.96687144 + - -0.30115357 + - 0.32991382 + - -0.53672373 + - -0.41835007 + - -0.20272854 + - -0.2060292 + - 0.28951123 + - 0.22901095 + - -0.37840703 + - 0.039218128 + - -0.6748184 + - 0.5217079 + - -0.1034972 + - -0.8034658 + - -0.011289501 + - 0.34773663 + - 0.11336859 + - -0.6484629 + - -0.060686268 + - 0.24654332 + - -0.10321144 + - 0.7025103 + - 0.29660672 + - 0.38687262 + - -0.13210179 + - -0.2598397 + - -0.19132333 + - 0.22228898 + - 0.2603877 + - 0.21548876 + - 0.14805317 + - -0.15419398 + - 0.5276412 + - 0.056747086 + - -0.6454563 + - 0.34790102 + - 0.09949684 + - -0.08417777 + - -0.1851544 + - 0.18506108 + - 0.068498686 + - 0.6502181 + - -0.21207963 + - -0.015460708 + - 0.5452031 + - -0.0136506725 + - -0.66419417 + - 0.28765276 + - -0.25317898 + - 0.12276302 + - -1.0584223 + - 0.2080617 + - 0.014420531 + - 0.010814128 + - -0.021357426 + - -0.663314 + - 0.5983 + - 0.3211898 + - -0.4120384 + - -0.016948262 + - -0.0784177 + - 0.7843738 + - -0.21809463 + - -0.38949633 + - -0.2897738 + - 0.16010587 + - 0.50716555 + - -0.08669298 + - 0.54262674 + - 0.10004849 + - -0.18665542 + - 0.032770045 + - -0.64843833 + - 0.26445454 + - 0.74924886 + - -0.07950161 + - -0.14100347 + - -0.31680727 + - 0.28603527 + - 0.083222285 + - -0.3480211 + - 0.44965547 + - -0.15479736 + - 0.22125898 + - 0.3388934 + - -0.26549906 + - 0.83331996 + - 0.55423844 + - 0.119455345 + - 0.522641 + - 0.36807114 + - 0.28813356 + - -0.39205498 + - -0.048589382 + - 0.42110068 + - -0.27116948 + - 0.012550103 + - -0.15916474 + - 1.0338836 + - 0.5436742 + - -0.107564844 + - -0.11579458 + - 0.62463063 + - -0.1658367 + - -0.00991859 + - 0.16484539 + - -0.2379682 + - 0.28699717 + - -0.12484685 + - 0.03996123 + - -0.4752685 + - -0.08142393 + - 0.25321585 + - 0.12158222 + - 0.30579358 + - -0.011137897 + - 0.24646255 + - -0.18199305 + - -0.14097403 + - -0.14552395 + - 0.15069184 + - -0.94389087 + - -0.07475461 + - 1.5525175 + - 0.7813598 + - -0.30151543 + - -0.20538568 + - -0.13666657 + - 0.25118873 + - -0.51551485 + - -0.95776737 + - 0.024866985 + - -0.017964458 + - 0.3413524 + - 0.057734262 + - -0.67059296 + - -0.43544927 + - -0.8328768 + - -1.1275549 + - 0.14031795 + - 0.5319012 + - 0.27944943 + - 0.22952522 + - -0.28443557 + - 0.6221407 + - -0.08270294 + - 0.23333415 + - 0.067328826 + - 0.033942398 + - -0.114709854 + - 0.12058519 + - -0.24028197 + - 0.052860312 + - 0.06138326 + - -0.25741568 + - -0.20557322 + - 0.10167645 + - -0.81910133 + - -0.8167869 + - -0.04096342 + - -0.31532592 + - -0.032089792 + - 0.004406052 + - -0.31635433 + - -0.3807473 + - -0.59952134 + - -0.17082903 + - 0.5269717 + - 0.16015509 + - 0.026568549 + - -0.100347854 + - -0.08351288 + - -0.32397708 + - 0.19073197 + - -0.0373209 + - -0.6122793 + - -0.1947716 + - 0.059598617 + - -0.9711447 + - -0.11143776 + - 0.25144938 + - -0.29247233 + - -1.004682 + - 0.103191294 + - -0.26377746 + - 0.3734496 + - 0.32138142 + - 0.22011694 + - 0.16574502 + - 0.24156201 + - -0.7507314 + - 0.41684183 + - 0.23563682 + - -0.509628 + - -0.34086603 + - -0.500616 + - -0.5663271 + - -0.10434014 + - -0.21033464 + - -0.013725403 + - -0.054067906 + - 0.06762518 + - -0.07603091 + - 0.38126868 + - -0.21514787 + - 0.6514047 + - 0.16380346 + - 0.21190718 + - -0.10777349 + - -1.1651728 + - 0.85149914 + - -0.13673452 + - -0.27911338 + - 0.39395612 + - -0.8459781 + - 0.06320047 + - -0.17092915 + - 0.6597654 + - 0.094674535 + - -0.33517623 + - 0.10690124 + - 0.17950585 + - 0.48410887 + - 0.030655479 + - 0.09933066 + - 0.1550446 + - 0.431155 + - 0.100912 + - -1.005455 + - -0.41569605 + - -0.21975613 + - 0.8140865 + - 0.20669267 + - 0.8102458 + - 0.9729819 + - -0.11925534 + - -0.33138567 + - -0.2048377 + - -0.05757957 + - -1.1365687 + - 0.10137909 + - 0.79411316 + - 0.21457972 + - 0.0864565 + - -0.0811936 + - 0.04506113 + - -0.29865235 + - 0.51285124 + - -0.048639547 + - 0.044134088 + - 0.38353294 + - 0.300623 + - -0.3087665 + - 0.6065137 + - 0.38760313 + - -0.39175853 + - -0.16171618 + - 0.4792343 + - 0.23237494 + - -1.0454332 + - 0.6672624 + - 0.54942864 + - -0.30390593 + - -0.46868578 + - 0.12068311 + - -0.20385695 + - -0.31071672 + - 0.12209125 + - -0.7388752 + - 0.42730883 + - 0.25917837 + - -0.61594784 + - -0.4380438 + - 0.054391284 + - 0.42368263 + - -0.96115905 + - 0.14401515 + - 0.11230274 + - -0.61102945 + - 0.036328387 + - -0.11808626 + - -0.15593222 + - -0.34371534 + - 0.43030024 + - -0.3359318 + - -0.2805354 + - 0.05581813 + - -0.55480397 + - 0.6060769 + - 0.9170542 + - -0.33335024 + - 0.78890103 + - 0.092671975 + - -0.8138399 + - -0.28036532 + - -0.46818033 + - -0.63843864 + - 0.60233265 + - -0.38163826 + - -0.20055696 + - 0.08256174 + - -0.31126404 + - 0.29852346 + - -1.3070982 + - -0.09121116 + - 0.64371055 + - -0.3373175 + - 0.7442893 + - -0.13088854 + - -0.29106006 + - 0.10606987 + - 0.047938626 + - -0.10944657 + - -0.03900265 + - -0.06794337 + - -0.18343163 + - -0.32839713 + - 0.28699616 + - -0.2572582 + - 0.9318657 + - -0.009791291 + - -0.1260892 + - -0.25368518 + - 0.5582221 + - -0.017653896 + - 0.566508 + - -1.0098631 + - -0.15263984 + - -1.3795891 + - 0.013236173 + - -0.96332794 + - 0.5696775 + - -0.13456643 + - -0.117322244 + - 0.34215567 + - 0.69917 + - 0.12586595 +- - -0.07786142 + - -0.45357418 + - -0.045068722 + - 0.45729974 + - 0.13652606 + - 0.4864305 + - -0.71263504 + - -0.45784613 + - 1.0385213 + - 0.45541835 + - -0.18054126 + - 0.15263839 + - 0.5569997 + - 0.32648245 + - 0.12692109 + - -0.17369151 + - 0.20731775 + - 0.76437336 + - -0.33021906 + - 0.061555278 + - -0.6511664 + - 0.25529107 + - -0.30445695 + - -0.014878184 + - -0.20437212 + - 0.074958794 + - 0.3190094 + - -0.49267665 + - -0.39914694 + - 0.48511568 + - -1.1315125 + - -0.72234744 + - 0.14346719 + - -0.013703414 + - 0.26688978 + - 0.01835191 + - 0.2824485 + - 0.63652986 + - -0.6954544 + - -0.42081937 + - -0.34980702 + - -1.1362054 + - -0.4327159 + - 0.6343842 + - -0.54404825 + - -0.19070852 + - -0.21079022 + - -0.38062838 + - -0.40214238 + - -0.9367988 + - -0.6708524 + - -0.54254025 + - 0.5711626 + - 0.491761 + - 0.011714119 + - -0.104597025 + - -0.09937394 + - 0.30859467 + - -0.014304787 + - 0.1598517 + - 0.17957723 + - -0.52580196 + - 0.53314155 + - 0.547278 + - -0.19830479 + - 0.3412484 + - -0.821317 + - 0.6425899 + - -0.18173802 + - 0.26403978 + - -0.07493261 + - -0.2578795 + - 0.9358241 + - 0.35953212 + - -0.26545367 + - -0.15325285 + - -0.27156934 + - -0.098969586 + - -0.06900242 + - -0.10856401 + - 0.014845073 + - 0.6543663 + - -0.20648926 + - -0.59429616 + - 0.044834074 + - -0.6016011 + - -0.3074939 + - 0.12069436 + - -0.21068253 + - -0.4462637 + - -0.3160701 + - 0.40451536 + - 0.71486014 + - 0.56199837 + - 0.25870034 + - 0.63157356 + - -0.29506713 + - -0.03399534 + - 0.42672864 + - -1.1007652 + - -0.0299249 + - 0.0035790552 + - -0.015582025 + - 0.49542332 + - -0.38047197 + - -0.97221154 + - -0.4969573 + - 0.0900822 + - -0.111649394 + - -0.5494892 + - -0.81757635 + - 0.64183956 + - -0.28965923 + - 0.46828648 + - -0.15771942 + - -0.6171276 + - 0.49324498 + - -0.27548513 + - -1.1439961 + - 0.46799517 + - 0.0007062008 + - 0.6362501 + - -0.4524293 + - -0.30710042 + - 0.060824484 + - 0.091235705 + - 0.91970557 + - 0.4701204 + - 0.33024046 + - -1.2422528 + - -0.007898175 + - -0.29915166 + - -0.91086435 + - 0.7777292 + - 0.27987966 + - -0.38256717 + - 0.15310927 + - -0.049911886 + - 0.2220818 + - 0.18885867 + - 0.18296032 + - 0.37604895 + - 0.47609007 + - 0.08868736 + - 0.26372507 + - -0.41232395 + - -0.3160052 + - -0.24398251 + - 0.241612 + - -0.25604454 + - 0.27717087 + - -0.09842613 + - 0.73582727 + - -0.5052824 + - -0.15584397 + - 0.07055872 + - -0.003672878 + - -0.9515732 + - 0.17043869 + - 0.11430165 + - -0.19623208 + - -0.5138623 + - -0.41950908 + - 0.32824373 + - -0.19083916 + - 0.37393293 + - -0.23411167 + - 0.5913014 + - -0.28060567 + - 0.296862 + - 0.2596457 + - -0.9002312 + - -0.13431151 + - 0.40842977 + - -0.22142428 + - 0.7187679 + - 0.15689404 + - 0.124225296 + - 0.2035294 + - 0.83978146 + - 0.09570151 + - 0.23836873 + - -0.6525228 + - -0.55621916 + - -0.27292597 + - -0.13630824 + - 0.14037149 + - 0.229254 + - 0.12983714 + - 0.40444943 + - 0.1858714 + - 0.068808794 + - -0.110493384 + - 0.102672435 + - 0.3521144 + - -0.10837799 + - 0.05199879 + - 0.6989198 + - 0.664522 + - 0.10287348 + - 0.4963374 + - -0.2030559 + - 0.0726716 + - -0.04625601 + - -0.3365918 + - 0.0068650967 + - -1.0241108 + - 0.76348543 + - -0.6046044 + - -0.43724862 + - 0.33068967 + - -0.4087681 + - 0.94922096 + - 1.1976125 + - 0.9665229 + - -0.036878865 + - -0.36757708 + - 0.2157582 + - -0.028651789 + - -0.20252632 + - -0.29808772 + - -0.52247566 + - -0.005355196 + - -0.075832695 + - 0.30384603 + - -0.68423486 + - 0.51785684 + - 0.1623555 + - -0.1476549 + - -0.45655838 + - 0.3543713 + - -0.3572794 + - 0.09839416 + - 0.36012864 + - 0.7882468 + - 0.8440898 + - -0.09494529 + - 0.63669956 + - -0.53272164 + - 0.08586896 + - -0.32474843 + - -0.5816953 + - -0.16000634 + - -1.076547 + - -0.24794038 + - 0.65420693 + - 0.8528168 + - 0.011532496 + - -0.45261598 + - -0.52250195 + - -0.46723437 + - -0.101790994 + - -0.08021287 + - -0.21129172 + - -0.14711331 + - -0.9028279 + - 0.16915126 + - -0.3702627 + - 0.6825509 + - -0.27478036 + - -0.22102176 + - 0.35095587 + - -0.24872582 + - 1.0209233 + - -0.93013436 + - 0.5628895 + - 0.3478675 + - 0.43118665 + - 0.20640378 + - -0.70029324 + - 3.02863 + - 0.77857095 + - -0.51064146 + - -0.14920074 + - -0.19589609 + - -0.38595414 + - -0.08397072 + - 0.010033189 + - -0.47740045 + - 0.66486734 + - 0.5594165 + - -0.57105136 + - -0.75195533 + - -0.49135843 + - -0.6753535 + - -0.36823097 + - 0.20132725 + - -0.28685614 + - -0.11755943 + - -0.38957253 + - 0.3233848 + - 0.25502992 + - 0.6123748 + - -0.046694417 + - 0.16391285 + - 0.19540663 + - -0.08024872 + - 0.12695618 + - 0.10749493 + - 0.6060849 + - -0.28204346 + - -0.24861582 + - 0.35207233 + - -0.3655013 + - -0.3177478 + - -0.3710073 + - 0.6485475 + - 0.032564417 + - 0.19188507 + - -0.35666385 + - -0.022722358 + - 0.21269345 + - 0.61906487 + - 0.5533348 + - -0.84949845 + - -0.76725054 + - 0.052179724 + - 0.12143079 + - 0.5103976 + - 1.0513825 + - 0.011810702 + - 0.25544533 + - -0.46194184 + - -0.17457883 + - -0.08209206 + - -0.8323801 + - 1.1035703 + - -0.04112914 + - -0.23204209 + - 0.13400488 + - 0.24492435 + - -0.53583604 + - 0.6864936 + - 0.36237684 + - -0.29057115 + - 0.16300681 + - -0.18469922 + - 0.2510353 + - 0.24710034 + - -0.25797105 + - 0.07936838 + - -0.10755459 + - -0.6668527 + - 0.71272737 + - 0.96070784 + - 0.0897095 + - -0.10134282 + - 0.13745584 + - 0.88356096 + - 0.18184268 + - -0.6444132 + - 0.6922049 + - -0.22376014 + - 0.92993736 + - 0.22876155 + - 0.92287606 + - -0.4919002 + - 0.0806739 + - 0.25746316 + - -0.6026022 + - -0.18700987 + - 0.06746069 + - -0.35947916 + - 0.7623815 + - 0.4746667 + - 0.06671024 + - -0.033748213 + - 0.35250023 + - 0.358421 + - -0.50682014 + - -0.5062383 + - -0.4786962 + - -0.51264924 + - 0.3474764 + - -0.16556293 + - -0.34439793 + - -0.805664 + - -0.30450737 + - 0.5673922 + - 1.0772012 + - -0.8594753 + - 0.7097661 + - 0.060878694 + - -0.12994874 + - 0.4822967 + - -0.053847596 + - -0.29866394 + - 0.02455262 + - -0.06947708 + - -0.5491764 + - 0.03477047 + - -0.01529944 + - -0.5502256 + - -0.34595826 + - -0.29576373 + - -0.23496501 + - 0.009616404 + - 0.4136629 + - -0.7399896 + - -0.15643853 + - -0.57472676 + - -0.02720648 + - -0.12653823 + - 0.6138194 + - -0.7175372 + - 0.52002805 + - -0.11973959 + - 1.0825653 + - -0.6634874 + - -0.56024426 + - 0.051323373 + - -0.1694911 + - -0.48492217 + - 0.22308724 + - -0.1251921 + - 0.31983027 + - 0.8123491 + - -0.15791355 + - 0.6639076 + - 0.85814685 + - 0.7805775 + - 0.3318061 + - 0.5087306 + - 0.14216462 + - 0.014538806 + - 0.4973236 + - -0.52142996 + - -0.0939501 + - 0.27000418 + - -0.16738701 + - -1.1808728 + - -0.53163177 + - 0.1802219 + - -0.6681091 + - -0.12522037 + - 0.05341505 + - -0.4074185 + - 0.078052685 + - 0.11662149 + - -0.22537689 + - 0.39836836 + - -0.6388151 + - 0.42452845 + - 0.20052695 + - -0.33104977 + - -0.20882992 + - -0.0055798716 + - 0.058122497 + - -0.8222186 + - -0.23073284 + - 0.20193343 + - -0.026150277 + - 0.56446 + - 0.012413904 + - 0.4913505 + - 0.13922305 + - -0.39070535 + - -0.24243315 + - 0.3587341 + - 0.56367624 + - 0.16596705 + - 0.2980485 + - -0.8546462 + - 0.7205205 + - 0.25655636 + - -1.1924773 + - 0.14163761 + - 0.26107943 + - -0.31167057 + - -0.31069285 + - 0.01503661 + - -0.38676533 + - 0.5201192 + - -0.58126616 + - 0.0046842606 + - 0.28297573 + - 0.02450039 + - -0.09804239 + - 0.16392608 + - -0.2637203 + - -0.4590641 + - -0.9859044 + - 0.15291356 + - 0.09713489 + - 0.004781542 + - 0.0007805874 + - -0.7196388 + - 0.06848469 + - 0.20312263 + - -0.46077347 + - -0.10777697 + - 0.06653512 + - 0.54529816 + - 0.11644112 + - -0.13014708 + - -0.25128517 + - 0.20415425 + - 0.7031765 + - 0.052980002 + - 0.33849978 + - 0.09222051 + - 0.2069536 + - -0.11453975 + - -0.36772454 + - 0.19188285 + - 0.68252546 + - -0.21095681 + - -0.3889579 + - -0.39637685 + - 0.31065863 + - 0.013831769 + - -0.3277922 + - 0.14038284 + - 0.06756198 + - 0.26589158 + - -0.2968774 + - -0.17099635 + - 0.73079413 + - 0.41855884 + - 0.101155005 + - 0.64970505 + - 0.12927054 + - 0.12355563 + - -0.4484849 + - -0.11863465 + - 0.763428 + - -0.22464389 + - -0.21322136 + - -0.27266 + - 1.0779943 + - 0.36396742 + - -0.510103 + - 0.09781108 + - 0.89254457 + - -0.20394637 + - 0.089977324 + - 0.3754529 + - -0.57247245 + - 0.08559313 + - -0.022890093 + - 0.12191874 + - -0.6448781 + - -0.026477367 + - 0.03702365 + - 0.071819924 + - 0.8331191 + - -0.086881906 + - 0.4117887 + - -0.049356624 + - 0.08455386 + - -0.25153118 + - 0.22801332 + - -0.40329194 + - 0.02178665 + - 1.8242391 + - 1.0338726 + - -0.11683666 + - -0.24572569 + - 0.022225609 + - 0.18766128 + - -0.3318024 + - -0.9145606 + - 0.233082 + - 0.16015281 + - -0.14052598 + - -0.24143334 + - -0.639072 + - -0.07328624 + - -0.67356634 + - -1.0313023 + - 0.1372344 + - 0.21618499 + - -0.52421004 + - -0.08402295 + - -0.20775484 + - 0.3355142 + - 0.11586433 + - 0.040259954 + - -0.009388034 + - -0.030507976 + - -0.10569668 + - 0.058448236 + - 0.23130989 + - 0.005419073 + - 0.26752022 + - 0.08603015 + - -0.58107597 + - 0.34348592 + - -0.36722827 + - -0.44802245 + - -0.35667157 + - 0.25324306 + - -0.20233725 + - -0.24386542 + - -0.41802678 + - -0.24581607 + - -0.08361264 + - -0.22173172 + - 0.42013893 + - 0.29966265 + - 0.10372277 + - -0.020874217 + - -0.028987303 + - 0.10375854 + - -0.104231186 + - -0.1924567 + - -0.58349866 + - 0.02809445 + - -0.16484728 + - -0.4186561 + - 0.061491515 + - 0.33746204 + - 0.10590016 + - -0.97023124 + - -0.16373104 + - -0.17172937 + - 0.25044575 + - 0.2700204 + - 0.28472677 + - 0.2979721 + - 0.34639537 + - -0.5168371 + - 0.33294415 + - 0.21985702 + - -0.3356746 + - -0.519751 + - -0.1971544 + - -0.6763213 + - 0.25759685 + - -0.5150413 + - -0.019787619 + - -0.324185 + - 0.18128169 + - -0.50133616 + - 0.47159365 + - -0.19445294 + - 0.52053434 + - 0.34485683 + - -0.31365943 + - -0.1259356 + - -0.94132406 + - 0.62074035 + - -0.027113594 + - -0.4773698 + - 0.25823697 + - -0.9260861 + - -0.029197177 + - 0.013566784 + - 0.7449417 + - 0.041948408 + - -0.16807151 + - 0.06611917 + - 0.17323375 + - 0.4400281 + - 0.081085615 + - -0.2928522 + - 0.15883158 + - 0.69848084 + - 0.18511367 + - -1.0700536 + - -0.722466 + - -0.037948128 + - 0.48510018 + - 0.04885233 + - 0.59825724 + - 0.6956024 + - 0.093223326 + - -0.59197503 + - -0.18171175 + - -0.032995123 + - -1.109768 + - 0.15207964 + - 0.1296593 + - 0.04163472 + - 0.39506078 + - -0.32870626 + - -0.04877087 + - -0.6636247 + - 0.7076656 + - 0.030838361 + - -0.04005822 + - 0.44165573 + - 0.079907365 + - -0.23726363 + - 0.5202741 + - 0.4782865 + - -0.41767368 + - 0.08130417 + - 0.5881479 + - -0.046927657 + - -1.4542216 + - 0.36477986 + - 0.74205416 + - -0.06654648 + - -0.25716388 + - 0.33002937 + - -0.4251559 + - -0.23838937 + - -0.18283546 + - -0.15233858 + - 0.22007908 + - -0.030792812 + - -0.8057933 + - -0.3671298 + - 0.013044941 + - 0.38409305 + - -0.74167275 + - 0.12098155 + - -0.510333 + - -0.40742263 + - -0.15140836 + - -0.05806388 + - -0.09841139 + - -0.3321196 + - 0.09564469 + - 0.3311245 + - -0.43358645 + - 0.3575132 + - -0.32164496 + - 0.38793147 + - 0.62529284 + - -0.08150098 + - 0.69711304 + - 0.4113922 + - -1.014911 + - -0.18161912 + - -0.29689062 + - -0.6251485 + - 0.5013513 + - -0.22253461 + - -0.2588533 + - 0.044328805 + - -0.45983234 + - 0.5534084 + - -1.3843861 + - -0.24567102 + - 0.6996462 + - -0.26762566 + - 0.29501638 + - -0.27813682 + - 0.024225136 + - -0.056865245 + - -0.03493492 + - 0.18810733 + - 0.16761969 + - -0.14906047 + - 0.19758202 + - -0.41006827 + - 0.058017988 + - -0.6509508 + - 0.9418776 + - 0.5173828 + - 0.05777247 + - -0.07246566 + - 0.70380193 + - 0.025031468 + - 0.612567 + - -0.6046367 + - -0.19929521 + - -1.0587875 + - -0.07334349 + - -0.64692575 + - 0.49547282 + - 0.26393098 + - -0.03014906 + - 0.46493307 + - 0.71193695 + - 0.12913483 +- - -0.15109055 + - -0.021903634 + - -0.083914824 + - -0.12880398 + - 0.35795656 + - 0.29648995 + - -0.7700259 + - -0.6232085 + - 0.5061859 + - 0.32812628 + - -0.18676779 + - 0.5090188 + - 0.45361203 + - 0.68920135 + - 0.45408535 + - 0.018128024 + - 0.025971208 + - 0.68283266 + - -0.18952315 + - 0.0038942832 + - -0.3604529 + - 0.34934753 + - -0.20016576 + - -0.16480061 + - -0.32872507 + - 0.109056644 + - 0.3764274 + - -0.46188527 + - -0.54918104 + - 0.6157312 + - -1.0830243 + - -0.33922067 + - -0.16675155 + - -0.18266918 + - -0.17769708 + - -0.17737399 + - 0.37486547 + - 0.58084005 + - -0.3567266 + - -0.41240114 + - -0.6137596 + - -0.45474958 + - -0.49108082 + - 0.31371123 + - -0.5121634 + - -0.3197327 + - -0.18065253 + - -0.64862263 + - -0.66046077 + - -1.0115874 + - -0.7223414 + - -0.32740927 + - 0.53072345 + - 0.05111746 + - 0.2075495 + - -0.28874597 + - -0.17527471 + - -0.008905607 + - -0.122156546 + - 0.021472305 + - 0.20913471 + - -0.4211547 + - 0.3197582 + - 0.34856012 + - -0.33770165 + - 0.27678913 + - -0.6166295 + - 0.57761586 + - -0.29957268 + - 0.07320643 + - -0.2265589 + - -0.31391874 + - 0.76492447 + - 0.007600454 + - -0.24119496 + - 0.04892763 + - 0.045543913 + - -0.10091984 + - -0.058633436 + - 0.10562694 + - -0.1420554 + - 0.4863675 + - -0.4318424 + - -1.0247877 + - -0.023403248 + - -0.63065374 + - -0.49578613 + - -0.092090085 + - -0.20044541 + - -0.58556545 + - 0.115839 + - 0.3798816 + - 0.424985 + - 0.39816627 + - -0.2285332 + - 0.36628655 + - -0.44768625 + - 0.22070913 + - 0.534507 + - -0.7085661 + - -0.070538834 + - -0.107348874 + - -0.3253587 + - 0.62993294 + - -0.75059 + - -1.0707804 + - -0.68110603 + - 0.32859373 + - -0.2118855 + - -0.6408962 + - -0.52045304 + - 0.73433083 + - -0.1304437 + - 0.6365012 + - -0.32628164 + - -0.18581727 + - 0.63856125 + - -0.12516598 + - -1.1121966 + - 0.22908626 + - -0.18862781 + - 0.60101926 + - -0.39073998 + - -0.6447968 + - -0.08831934 + - -0.44524685 + - 0.8490645 + - 0.22501259 + - -0.24692704 + - -1.1086503 + - -0.15384841 + - -0.55875844 + - -0.7331938 + - 1.0501978 + - 0.36605185 + - -0.1838262 + - 0.5206189 + - 0.237174 + - 0.2063224 + - 0.07563617 + - 0.0067095836 + - 0.05887958 + - 0.32364896 + - 0.23489417 + - 0.3175898 + - -0.75022984 + - -0.28961807 + - -0.42942932 + - 0.18670824 + - -0.13244013 + - 0.23977569 + - -0.2373133 + - 1.0015438 + - -0.20318209 + - 0.091986164 + - 0.35573465 + - -0.2647709 + - -0.95180094 + - -0.079319276 + - 0.27213028 + - -0.3250932 + - -0.265531 + - -0.06336659 + - 0.5788936 + - -0.28100872 + - 0.13420996 + - 0.12869371 + - 0.29647395 + - -0.24638884 + - 0.22951232 + - 0.29915494 + - -0.6673683 + - 0.2579727 + - 0.2170357 + - 0.28044018 + - 0.3005139 + - 0.1420653 + - 0.09953698 + - 0.5016433 + - 0.5750065 + - 0.043215007 + - 0.25182495 + - -0.7248352 + - -0.999321 + - -0.4589929 + - -0.09168369 + - -0.18338953 + - 0.40430227 + - 0.15028067 + - 0.5487751 + - 0.62510055 + - -0.18643674 + - -0.010421776 + - 0.11832279 + - 0.14426151 + - -0.116284296 + - -0.12081876 + - 0.4218832 + - 1.1945444 + - 0.20170249 + - 0.40529028 + - 0.17298388 + - 0.4703354 + - 0.40446448 + - -0.27903953 + - 0.15500137 + - -1.3613433 + - 0.4349553 + - -0.6092625 + - -0.70038843 + - 0.33829692 + - -0.049486037 + - 1.2292315 + - 1.1875246 + - 0.88110733 + - -0.03808219 + - -0.4112232 + - 0.059451427 + - 0.18286517 + - -0.38637286 + - -0.15960105 + - -0.75563526 + - -0.13992405 + - 0.2876585 + - 0.34938484 + - -0.6364276 + - 0.26648706 + - 0.14986621 + - -0.02178538 + - -0.4328274 + - 0.32400253 + - -0.56284696 + - 0.0017066401 + - 0.48950258 + - 0.9744805 + - 0.79537344 + - -0.21747883 + - 0.49245363 + - -0.054273184 + - -0.0015835592 + - -0.40899876 + - -0.5273927 + - -0.12501761 + - -0.8540773 + - -0.39120156 + - 0.74370086 + - 0.31688598 + - -0.1167029 + - -0.17205204 + - -0.92589134 + - -0.44832373 + - -0.14176796 + - 0.15559316 + - 0.18620004 + - 0.029677821 + - -0.7860899 + - 0.6119261 + - -0.22759564 + - 0.27114338 + - -0.13304555 + - -0.43458125 + - 0.3509001 + - -0.25703368 + - 1.1999604 + - -0.7353845 + - 0.22466286 + - 0.28216404 + - 0.3068133 + - 0.22410686 + - -0.89779717 + - 3.079363 + - 0.64849144 + - -0.051214017 + - -0.13966322 + - 0.040685207 + - -0.34677258 + - 0.16971292 + - 0.26769742 + - -0.029500902 + - 0.48766795 + - 0.23884484 + - -0.6286489 + - -0.84872234 + - -0.2792891 + - -0.38614812 + - -0.33205667 + - 0.043627854 + - -0.09268977 + - 0.025558773 + - -0.03295981 + - 0.8038319 + - 0.23085825 + - 0.57229805 + - 0.015164251 + - 0.326595 + - 0.5086542 + - -0.48954597 + - 0.28064272 + - 0.20231196 + - 0.57230157 + - -0.32051596 + - -0.017456383 + - 0.8301593 + - -0.26487425 + - -0.57291526 + - -0.43000674 + - 0.40386793 + - -0.05868221 + - -0.057881687 + - -0.43141183 + - 0.032518987 + - 0.1253997 + - 0.56710976 + - 0.5799254 + - -1.153662 + - -1.10415 + - 0.026664412 + - 0.07890936 + - 0.30930015 + - 0.663942 + - 0.074350215 + - 0.5277145 + - -0.46849388 + - -0.23736477 + - 0.10271544 + - -0.6875649 + - 1.0708058 + - 0.020512069 + - 0.0056299777 + - 0.2355162 + - 0.5215009 + - -0.46059683 + - 0.66269505 + - 0.47026086 + - -0.5134104 + - -0.024114873 + - -0.072785124 + - 0.47082546 + - 0.1581585 + - -0.11227976 + - -0.056339893 + - 0.21406786 + - -0.20518807 + - 0.6122274 + - 1.1290092 + - -0.12989084 + - 0.29127744 + - 0.12319786 + - 0.4438106 + - 0.12894677 + - -0.18791506 + - 0.23426783 + - -0.50117284 + - 0.551251 + - -0.13086843 + - 0.74193066 + - -0.35664067 + - 0.22491322 + - 0.28431758 + - -0.6247842 + - -0.32735807 + - 0.21448077 + - -0.2287333 + - 0.40534654 + - 0.285397 + - -0.00997967 + - -0.19634967 + - 0.19089007 + - 0.37149337 + - -0.47715828 + - -0.29549593 + - -0.5872835 + - -0.36474487 + - 0.9297853 + - -0.11981724 + - -0.6729041 + - -0.25248244 + - 0.04529079 + - 0.8676567 + - 1.190012 + - -0.8955213 + - 0.6969344 + - 0.15096132 + - -0.33601168 + - 0.58402616 + - 0.40269914 + - -0.29323262 + - -0.12331058 + - -0.19022873 + - -0.2695512 + - -0.34561163 + - 0.12637508 + - -0.32674125 + - -0.24046609 + - -0.36392096 + - -0.2750025 + - -0.1285536 + - 0.24339662 + - -0.8961811 + - -0.30471936 + - -0.33182573 + - 0.21140103 + - 0.0081760185 + - 0.49128702 + - -0.6027674 + - 0.8579567 + - -0.11586177 + - 0.9756438 + - -0.6629891 + - -0.6875798 + - 0.28862348 + - -0.18273708 + - -0.46361127 + - 0.32340264 + - 0.2774327 + - 0.19078733 + - 1.0107533 + - -0.36158043 + - 0.74900544 + - 0.72242737 + - 0.8227667 + - -0.34258467 + - 0.14299211 + - -0.07485575 + - 0.036902674 + - 0.6683555 + - -0.29041463 + - 0.117668785 + - 0.22068712 + - -0.41664442 + - -0.96687144 + - -0.30115357 + - 0.32991382 + - -0.53672373 + - -0.41835007 + - -0.20272854 + - -0.2060292 + - 0.28951123 + - 0.22901095 + - -0.37840703 + - 0.039218128 + - -0.6748184 + - 0.5217079 + - -0.1034972 + - -0.8034658 + - -0.011289501 + - 0.34773663 + - 0.11336859 + - -0.6484629 + - -0.060686268 + - 0.24654332 + - -0.10321144 + - 0.7025103 + - 0.29660672 + - 0.38687262 + - -0.13210179 + - -0.2598397 + - -0.19132333 + - 0.22228898 + - 0.2603877 + - 0.21548876 + - 0.14805317 + - -0.15419398 + - 0.5276412 + - 0.056747086 + - -0.6454563 + - 0.34790102 + - 0.09949684 + - -0.08417777 + - -0.1851544 + - 0.18506108 + - 0.068498686 + - 0.6502181 + - -0.21207963 + - -0.015460708 + - 0.5452031 + - -0.0136506725 + - -0.66419417 + - 0.28765276 + - -0.25317898 + - 0.12276302 + - -1.0584223 + - 0.2080617 + - 0.014420531 + - 0.010814128 + - -0.021357426 + - -0.663314 + - 0.5983 + - 0.3211898 + - -0.4120384 + - -0.016948262 + - -0.0784177 + - 0.7843738 + - -0.21809463 + - -0.38949633 + - -0.2897738 + - 0.16010587 + - 0.50716555 + - -0.08669298 + - 0.54262674 + - 0.10004849 + - -0.18665542 + - 0.032770045 + - -0.64843833 + - 0.26445454 + - 0.74924886 + - -0.07950161 + - -0.14100347 + - -0.31680727 + - 0.28603527 + - 0.083222285 + - -0.3480211 + - 0.44965547 + - -0.15479736 + - 0.22125898 + - 0.3388934 + - -0.26549906 + - 0.83331996 + - 0.55423844 + - 0.119455345 + - 0.522641 + - 0.36807114 + - 0.28813356 + - -0.39205498 + - -0.048589382 + - 0.42110068 + - -0.27116948 + - 0.012550103 + - -0.15916474 + - 1.0338836 + - 0.5436742 + - -0.107564844 + - -0.11579458 + - 0.62463063 + - -0.1658367 + - -0.00991859 + - 0.16484539 + - -0.2379682 + - 0.28699717 + - -0.12484685 + - 0.03996123 + - -0.4752685 + - -0.08142393 + - 0.25321585 + - 0.12158222 + - 0.30579358 + - -0.011137897 + - 0.24646255 + - -0.18199305 + - -0.14097403 + - -0.14552395 + - 0.15069184 + - -0.94389087 + - -0.07475461 + - 1.5525175 + - 0.7813598 + - -0.30151543 + - -0.20538568 + - -0.13666657 + - 0.25118873 + - -0.51551485 + - -0.95776737 + - 0.024866985 + - -0.017964458 + - 0.3413524 + - 0.057734262 + - -0.67059296 + - -0.43544927 + - -0.8328768 + - -1.1275549 + - 0.14031795 + - 0.5319012 + - 0.27944943 + - 0.22952522 + - -0.28443557 + - 0.6221407 + - -0.08270294 + - 0.23333415 + - 0.067328826 + - 0.033942398 + - -0.114709854 + - 0.12058519 + - -0.24028197 + - 0.052860312 + - 0.06138326 + - -0.25741568 + - -0.20557322 + - 0.10167645 + - -0.81910133 + - -0.8167869 + - -0.04096342 + - -0.31532592 + - -0.032089792 + - 0.004406052 + - -0.31635433 + - -0.3807473 + - -0.59952134 + - -0.17082903 + - 0.5269717 + - 0.16015509 + - 0.026568549 + - -0.100347854 + - -0.08351288 + - -0.32397708 + - 0.19073197 + - -0.0373209 + - -0.6122793 + - -0.1947716 + - 0.059598617 + - -0.9711447 + - -0.11143776 + - 0.25144938 + - -0.29247233 + - -1.004682 + - 0.103191294 + - -0.26377746 + - 0.3734496 + - 0.32138142 + - 0.22011694 + - 0.16574502 + - 0.24156201 + - -0.7507314 + - 0.41684183 + - 0.23563682 + - -0.509628 + - -0.34086603 + - -0.500616 + - -0.5663271 + - -0.10434014 + - -0.21033464 + - -0.013725403 + - -0.054067906 + - 0.06762518 + - -0.07603091 + - 0.38126868 + - -0.21514787 + - 0.6514047 + - 0.16380346 + - 0.21190718 + - -0.10777349 + - -1.1651728 + - 0.85149914 + - -0.13673452 + - -0.27911338 + - 0.39395612 + - -0.8459781 + - 0.06320047 + - -0.17092915 + - 0.6597654 + - 0.094674535 + - -0.33517623 + - 0.10690124 + - 0.17950585 + - 0.48410887 + - 0.030655479 + - 0.09933066 + - 0.1550446 + - 0.431155 + - 0.100912 + - -1.005455 + - -0.41569605 + - -0.21975613 + - 0.8140865 + - 0.20669267 + - 0.8102458 + - 0.9729819 + - -0.11925534 + - -0.33138567 + - -0.2048377 + - -0.05757957 + - -1.1365687 + - 0.10137909 + - 0.79411316 + - 0.21457972 + - 0.0864565 + - -0.0811936 + - 0.04506113 + - -0.29865235 + - 0.51285124 + - -0.048639547 + - 0.044134088 + - 0.38353294 + - 0.300623 + - -0.3087665 + - 0.6065137 + - 0.38760313 + - -0.39175853 + - -0.16171618 + - 0.4792343 + - 0.23237494 + - -1.0454332 + - 0.6672624 + - 0.54942864 + - -0.30390593 + - -0.46868578 + - 0.12068311 + - -0.20385695 + - -0.31071672 + - 0.12209125 + - -0.7388752 + - 0.42730883 + - 0.25917837 + - -0.61594784 + - -0.4380438 + - 0.054391284 + - 0.42368263 + - -0.96115905 + - 0.14401515 + - 0.11230274 + - -0.61102945 + - 0.036328387 + - -0.11808626 + - -0.15593222 + - -0.34371534 + - 0.43030024 + - -0.3359318 + - -0.2805354 + - 0.05581813 + - -0.55480397 + - 0.6060769 + - 0.9170542 + - -0.33335024 + - 0.78890103 + - 0.092671975 + - -0.8138399 + - -0.28036532 + - -0.46818033 + - -0.63843864 + - 0.60233265 + - -0.38163826 + - -0.20055696 + - 0.08256174 + - -0.31126404 + - 0.29852346 + - -1.3070982 + - -0.09121116 + - 0.64371055 + - -0.3373175 + - 0.7442893 + - -0.13088854 + - -0.29106006 + - 0.10606987 + - 0.047938626 + - -0.10944657 + - -0.03900265 + - -0.06794337 + - -0.18343163 + - -0.32839713 + - 0.28699616 + - -0.2572582 + - 0.9318657 + - -0.009791291 + - -0.1260892 + - -0.25368518 + - 0.5582221 + - -0.017653896 + - 0.566508 + - -1.0098631 + - -0.15263984 + - -1.3795891 + - 0.013236173 + - -0.96332794 + - 0.5696775 + - -0.13456643 + - -0.117322244 + - 0.34215567 + - 0.69917 + - 0.12586595 diff --git a/backends/candle/tests/snapshots/test_jina_code__jina_code_single.snap b/backends/candle/tests/snapshots/test_jina_code__jina_code_single.snap index ee1cdfa1..dc2119de 100644 --- a/backends/candle/tests/snapshots/test_jina_code__jina_code_single.snap +++ b/backends/candle/tests/snapshots/test_jina_code__jina_code_single.snap @@ -1,772 +1,773 @@ --- source: backends/candle/tests/test_jina_code.rs +assertion_line: 45 expression: embeddings_single --- -- - -0.011624558 - - -0.0016926473 - - -0.006434922 - - -0.009909191 - - 0.027506275 - - 0.022786874 - - -0.059169117 - - -0.047887173 - - 0.038912594 - - 0.025214802 - - -0.014350341 - - 0.039117776 - - 0.03485464 - - 0.05296896 - - 0.034907352 - - 0.0013971328 - - 0.0019907136 - - 0.052471623 - - -0.014562107 - - 0.00030206257 - - -0.02770458 - - 0.02685756 - - -0.015385578 - - -0.012668428 - - -0.025259107 - - 0.00836893 - - 0.028925523 - - -0.035507426 - - -0.04220648 - - 0.047328673 - - -0.083232224 - - -0.02608385 - - -0.012809777 - - -0.0140402755 - - -0.013649549 - - -0.013641793 - - 0.02880054 - - 0.04465023 - - -0.0274121 - - -0.03170939 - - -0.047180377 - - -0.0349574 - - -0.037762504 - - 0.024104225 - - -0.039361924 - - -0.024559166 - - -0.0138650155 - - -0.049862508 - - -0.0507675 - - -0.07775355 - - -0.055519626 - - -0.025151063 - - 0.040781654 - - 0.0039354665 - - 0.015940087 - - -0.022214677 - - -0.013484792 - - -0.00070730236 - - -0.009409981 - - 0.0016682384 - - 0.016079267 - - -0.032368172 - - 0.024572799 - - 0.026780155 - - -0.025954 - - 0.021282032 - - -0.047395118 - - 0.044386413 - - -0.023020437 - - 0.0056320634 - - -0.017416032 - - -0.024118245 - - 0.05878816 - - 0.00059366866 - - -0.018553924 - - 0.003762008 - - 0.0035026476 - - -0.0077498616 - - -0.004517831 - - 0.008116448 - - -0.010922055 - - 0.037391223 - - -0.03318112 - - -0.07876148 - - -0.0018068684 - - -0.0484656 - - -0.038104814 - - -0.0070756334 - - -0.015427567 - - -0.04499487 - - 0.008910639 - - 0.029193114 - - 0.032674707 - - 0.0305758 - - -0.017541302 - - 0.028164856 - - -0.0344121 - - 0.016969312 - - 0.04108575 - - -0.054463603 - - -0.005427823 - - -0.008252881 - - -0.024992533 - - 0.048412405 - - -0.05769221 - - -0.08227673 - - -0.0523458 - - 0.025244992 - - -0.016289622 - - -0.049253095 - - -0.03999235 - - 0.05642755 - - -0.010015731 - - 0.04892553 - - -0.02504831 - - -0.014305144 - - 0.04907702 - - -0.0096177375 - - -0.0854665 - - 0.017617436 - - -0.014481601 - - 0.046187755 - - -0.030009247 - - -0.049553443 - - -0.006797771 - - -0.034234725 - - 0.06525787 - - 0.017298417 - - -0.018988462 - - -0.08520813 - - -0.011840521 - - -0.042942975 - - -0.056341827 - - 0.08071612 - - 0.028146833 - - -0.0141261155 - - 0.04001012 - - 0.018236378 - - 0.01583886 - - 0.0058086845 - - 0.0005290361 - - 0.0045259795 - - 0.024873685 - - 0.018050008 - - 0.02440984 - - -0.057676647 - - -0.022263395 - - -0.033016473 - - 0.014353932 - - -0.010189813 - - 0.018424626 - - -0.018238619 - - 0.07698089 - - -0.015595315 - - 0.007074499 - - 0.027340613 - - -0.02035102 - - -0.073149584 - - -0.0061021335 - - 0.0209061 - - -0.024985746 - - -0.020401739 - - -0.0048702923 - - 0.0444933 - - -0.02158648 - - 0.010312202 - - 0.009883107 - - 0.022790415 - - -0.01893943 - - 0.017615119 - - 0.023000762 - - -0.051276624 - - 0.019835759 - - 0.016675396 - - 0.021532865 - - 0.023097536 - - 0.01091247 - - 0.007642041 - - 0.0385409 - - 0.044193454 - - 0.003319116 - - 0.019355802 - - -0.055695307 - - -0.07680676 - - -0.035279598 - - -0.0070618573 - - -0.01408385 - - 0.03107026 - - 0.011547187 - - 0.04217532 - - 0.048034772 - - -0.014330861 - - -0.0007901662 - - 0.009103947 - - 0.011091706 - - -0.008960474 - - -0.009301379 - - 0.032424763 - - 0.09180531 - - 0.015491586 - - 0.031114861 - - 0.013289549 - - 0.03616163 - - 0.031084707 - - -0.021437835 - - 0.011905716 - - -0.104623 - - 0.033417992 - - -0.04683295 - - -0.05382028 - - 0.025979578 - - -0.003795323 - - 0.094473585 - - 0.09126942 - - 0.067700386 - - -0.002935823 - - -0.031604428 - - 0.0045677535 - - 0.014042491 - - -0.02969786 - - -0.012263599 - - -0.05807616 - - -0.0107510965 - - 0.022099612 - - 0.02685798 - - -0.048912797 - - 0.020464186 - - 0.011517319 - - -0.0016606319 - - -0.033255223 - - 0.02488959 - - -0.043240122 - - 0.00013934783 - - 0.037608404 - - 0.0748658 - - 0.061115693 - - -0.01670558 - - 0.037827995 - - -0.004162286 - - -0.00011341072 - - -0.031436242 - - -0.040532686 - - -0.0096016815 - - -0.065639205 - - -0.030070387 - - 0.05715196 - - 0.024338327 - - -0.008972259 - - -0.013220871 - - -0.07115904 - - -0.03446362 - - -0.010893238 - - 0.011950567 - - 0.0143028535 - - 0.0022963681 - - -0.060428943 - - 0.047038406 - - -0.017493663 - - 0.0208505 - - -0.010212147 - - -0.03337894 - - 0.026969628 - - -0.019734934 - - 0.0922163 - - -0.056534916 - - 0.017255465 - - 0.021692138 - - 0.023583038 - - 0.017224979 - - -0.0689936 - - 0.23665377 - - 0.04984247 - - -0.0039337534 - - -0.010740561 - - 0.00313393 - - -0.02665381 - - 0.013037893 - - 0.020565815 - - -0.002266256 - - 0.03748113 - - 0.018353125 - - -0.048318923 - - -0.06522075 - - -0.021460611 - - -0.029665926 - - -0.025507431 - - 0.0033435076 - - -0.0071087605 - - 0.001970083 - - -0.0025331723 - - 0.061776515 - - 0.017747495 - - 0.04396135 - - 0.0011617352 - - 0.02509327 - - 0.039078914 - - -0.03762337 - - 0.021575885 - - 0.015548619 - - 0.043990802 - - -0.024633111 - - -0.0013324996 - - 0.063795656 - - -0.02035371 - - -0.0440217 - - -0.033049908 - - 0.031034056 - - -0.004495562 - - -0.0044647786 - - -0.033148468 - - 0.0025072312 - - 0.009637453 - - 0.04357035 - - 0.044546504 - - -0.08865154 - - -0.08487347 - - 0.00205395 - - 0.0060572727 - - 0.023767816 - - 0.051007573 - - 0.0057035745 - - 0.040539596 - - -0.035988905 - - -0.01824621 - - 0.007887274 - - -0.052848075 - - 0.08228733 - - 0.0015825987 - - 0.0004136183 - - 0.018108545 - - 0.040081892 - - -0.035405345 - - 0.050933696 - - 0.036154125 - - -0.03947257 - - -0.0018412384 - - -0.005589829 - - 0.03620321 - - 0.012144826 - - -0.008619581 - - -0.0043279063 - - 0.016455552 - - -0.015757388 - - 0.047043085 - - 0.08675011 - - -0.009986743 - - 0.022379123 - - 0.009470605 - - 0.034120724 - - 0.009922824 - - -0.014435422 - - 0.017998574 - - -0.03849387 - - 0.042357396 - - -0.010053916 - - 0.057034835 - - -0.027412737 - - 0.017308975 - - 0.02185228 - - -0.048017155 - - -0.025138885 - - 0.016482655 - - -0.01756698 - - 0.031146016 - - 0.021930695 - - -0.00075341173 - - -0.015085438 - - 0.0146785155 - - 0.028547939 - - -0.036677707 - - -0.022699077 - - -0.045135103 - - -0.02802744 - - 0.071454674 - - -0.009201392 - - -0.051717956 - - -0.019421624 - - 0.0034821872 - - 0.06667364 - - 0.09145379 - - -0.068826884 - - 0.053568542 - - 0.01160062 - - -0.025829546 - - 0.04487214 - - 0.030954553 - - -0.022543794 - - -0.009475118 - - -0.014623143 - - -0.02070793 - - -0.02656788 - - 0.009701591 - - -0.025120718 - - -0.018472325 - - -0.027967019 - - -0.021122226 - - -0.009891716 - - 0.018696679 - - -0.068876855 - - -0.023419108 - - -0.025495855 - - 0.016256742 - - 0.00064859784 - - 0.037749656 - - -0.046321914 - - 0.065936595 - - -0.008921658 - - 0.07497468 - - -0.05094385 - - -0.052860104 - - 0.022196138 - - -0.0140462285 - - -0.03562305 - - 0.024858234 - - 0.021310989 - - 0.014657512 - - 0.07767391 - - -0.027777392 - - 0.057577316 - - 0.055513144 - - 0.06322926 - - -0.026312957 - - 0.010970987 - - -0.0057475767 - - 0.0028267235 - - 0.051367335 - - -0.022320578 - - 0.009050165 - - 0.016952222 - - -0.032026373 - - -0.074292615 - - -0.02315535 - - 0.025375988 - - -0.041241057 - - -0.032157563 - - -0.015576387 - - -0.015834223 - - 0.02224181 - - 0.017586967 - - -0.029070066 - - 0.0030065721 - - -0.051857695 - - 0.04008828 - - -0.007960872 - - -0.061745025 - - -0.00086617953 - - 0.026723113 - - 0.008719714 - - -0.049826868 - - -0.0046574236 - - 0.018954279 - - -0.007935451 - - 0.053987946 - - 0.022795292 - - 0.029722994 - - -0.010146585 - - -0.019956842 - - -0.014686722 - - 0.01708331 - - 0.020001508 - - 0.016564105 - - 0.011379248 - - -0.011843253 - - 0.04056168 - - 0.004384286 - - -0.049596023 - - 0.02674251 - - 0.0076475106 - - -0.0064563937 - - -0.014233138 - - 0.014224383 - - 0.0052741244 - - 0.049964864 - - -0.016286546 - - -0.001200327 - - 0.041904222 - - -0.0010395087 - - -0.05105399 - - 0.022099879 - - -0.019455278 - - 0.009444127 - - -0.081325725 - - 0.015994828 - - 0.0010952728 - - 0.0008373874 - - -0.0016424303 - - -0.05096469 - - 0.045976803 - - 0.024695056 - - -0.031656373 - - -0.0013138534 - - -0.0060524447 - - 0.060276203 - - -0.016745795 - - -0.029930653 - - -0.0222771 - - 0.012314711 - - 0.038991332 - - -0.006665343 - - 0.041694533 - - 0.0076992502 - - -0.014353178 - - 0.0025135442 - - -0.0498445 - - 0.020322764 - - 0.0575802 - - -0.006096128 - - -0.010841882 - - -0.024337102 - - 0.021975596 - - 0.0064031687 - - -0.026746146 - - 0.03455729 - - -0.011909055 - - 0.016994143 - - 0.026053395 - - -0.020393625 - - 0.06403403 - - 0.042590734 - - 0.009193913 - - 0.04016698 - - 0.028304791 - - 0.022147119 - - -0.030121539 - - -0.0037334429 - - 0.03235819 - - -0.020825844 - - 0.0009766509 - - -0.012216568 - - 0.07944978 - - 0.04177374 - - -0.008281654 - - -0.008908983 - - 0.04799388 - - -0.012743454 - - -0.00076762337 - - 0.012673029 - - -0.018283572 - - 0.022068778 - - -0.009605337 - - 0.0030652087 - - -0.036517244 - - -0.006263211 - - 0.0194632 - - 0.009333852 - - 0.02350168 - - -0.0008530139 - - 0.018934859 - - -0.013986168 - - -0.010833636 - - -0.011189203 - - 0.011567913 - - -0.07253544 - - -0.005748846 - - 0.11930293 - - 0.060044624 - - -0.023167728 - - -0.015781552 - - -0.010494401 - - 0.01930528 - - -0.039608266 - - -0.073587865 - - 0.0019034932 - - -0.0013838339 - - 0.026257295 - - 0.004433007 - - -0.051545423 - - -0.033456888 - - -0.06401291 - - -0.08664347 - - 0.010781564 - - 0.0408775 - - 0.021475399 - - 0.017633006 - - -0.02186024 - - 0.047795497 - - -0.006370007 - - 0.01792626 - - 0.005195737 - - 0.0026206016 - - -0.008816542 - - 0.009266863 - - -0.018453414 - - 0.0040575014 - - 0.0047053 - - -0.0197809 - - -0.01580334 - - 0.007821501 - - -0.06296649 - - -0.06274416 - - -0.0031381177 - - -0.024228694 - - -0.002459634 - - 0.00034323192 - - -0.02430543 - - -0.029262288 - - -0.04606642 - - -0.013138838 - - 0.040473 - - 0.012308485 - - 0.0020701357 - - -0.007718021 - - -0.0064122216 - - -0.024890581 - - 0.014665469 - - -0.0028788927 - - -0.047072053 - - -0.014959743 - - 0.004587824 - - -0.07462158 - - -0.008558996 - - 0.019324543 - - -0.02247574 - - -0.07721102 - - 0.007920586 - - -0.020274863 - - 0.028696692 - - 0.024707401 - - 0.016905285 - - 0.012742534 - - 0.018577736 - - -0.05768951 - - 0.03203929 - - 0.018105863 - - -0.03917534 - - -0.026208939 - - -0.038492158 - - -0.043517314 - - -0.008031121 - - -0.016162876 - - -0.0010640965 - - -0.004164019 - - 0.005193703 - - -0.0058410293 - - 0.029311381 - - -0.016533207 - - 0.05005747 - - 0.012600715 - - 0.016292874 - - -0.008300225 - - -0.08953819 - - 0.06544125 - - -0.010512851 - - -0.021443438 - - 0.030277776 - - -0.06502247 - - 0.004850903 - - -0.013137611 - - 0.0506941 - - 0.0072725127 - - -0.025755724 - - 0.008224718 - - 0.013813313 - - 0.037197027 - - 0.0023671025 - - 0.00763629 - - 0.011905766 - - 0.033143394 - - 0.007750765 - - -0.07725993 - - -0.03193554 - - -0.016900484 - - 0.06256093 - - 0.015902048 - - 0.062251173 - - 0.07478062 - - -0.009171957 - - -0.025452917 - - -0.015754124 - - -0.004426243 - - -0.0873611 - - 0.0077999695 - - 0.061026644 - - 0.016489599 - - 0.0066420045 - - -0.0062355455 - - 0.00345123 - - -0.022935547 - - 0.03939866 - - -0.0037231673 - - 0.0033949488 - - 0.029471302 - - 0.023097953 - - -0.0237214 - - 0.046621986 - - 0.029790087 - - -0.030113066 - - -0.012432801 - - 0.036813233 - - 0.01785254 - - -0.08032645 - - 0.051262226 - - 0.04222712 - - -0.023358794 - - -0.03602671 - - 0.0092950305 - - -0.015663076 - - -0.023873692 - - 0.009383877 - - -0.056770466 - - 0.032832243 - - 0.019920528 - - -0.04734062 - - -0.03368295 - - 0.0041841906 - - 0.03257228 - - -0.07387151 - - 0.011083565 - - 0.008633363 - - -0.04694844 - - 0.0027943242 - - -0.009078945 - - -0.011981829 - - -0.026407028 - - 0.033040557 - - -0.025803888 - - -0.021555608 - - 0.0042838412 - - -0.04263439 - - 0.0465685 - - 0.070476055 - - -0.02560814 - - 0.060619954 - - 0.0071254023 - - -0.062549844 - - -0.021544673 - - -0.03598606 - - -0.04904548 - - 0.04631042 - - -0.029345924 - - -0.015404836 - - 0.0063473387 - - -0.023926385 - - 0.022935716 - - -0.1004558 - - -0.007012574 - - 0.049480513 - - -0.02592937 - - 0.057209775 - - -0.010056263 - - -0.02236333 - - 0.008163001 - - 0.0036735693 - - -0.008406754 - - -0.0029980235 - - -0.0052409745 - - -0.014090007 - - -0.025248934 - - 0.022062942 - - -0.019766279 - - 0.07160526 - - -0.00075892545 - - -0.0096911425 - - -0.019483106 - - 0.042904716 - - -0.0013572425 - - 0.04353212 - - -0.07759716 - - -0.011731261 - - -0.10602095 - - 0.0010180247 - - -0.07403971 - - 0.043784548 - - -0.010357722 - - -0.009020027 - - 0.026289912 - - 0.053744033 - - 0.009665143 +- - -0.15109017 + - -0.021903912 + - -0.08391459 + - -0.12880382 + - 0.35795733 + - 0.2964905 + - -0.7700258 + - -0.6232095 + - 0.50618637 + - 0.3281261 + - -0.18676828 + - 0.5090185 + - 0.45361134 + - 0.6892018 + - 0.45408398 + - 0.018128872 + - 0.025972119 + - 0.68283266 + - -0.18952282 + - 0.0038939554 + - -0.36045286 + - 0.34934822 + - -0.20016623 + - -0.16480026 + - -0.32872525 + - 0.10905678 + - 0.37642816 + - -0.46188572 + - -0.54918206 + - 0.6157313 + - -1.0830249 + - -0.339221 + - -0.1667515 + - -0.1826696 + - -0.17769721 + - -0.1773744 + - 0.37486538 + - 0.5808406 + - -0.3567268 + - -0.412402 + - -0.61375934 + - -0.45475024 + - -0.49108127 + - 0.31371126 + - -0.5121643 + - -0.31973246 + - -0.18065177 + - -0.6486226 + - -0.66046107 + - -1.0115873 + - -0.72234154 + - -0.32740912 + - 0.5307237 + - 0.05111724 + - 0.2075493 + - -0.28874597 + - -0.17527461 + - -0.008904695 + - -0.122156724 + - 0.021473024 + - 0.20913582 + - -0.4211541 + - 0.31975842 + - 0.3485598 + - -0.3377011 + - 0.2767898 + - -0.6166291 + - 0.5776161 + - -0.29957384 + - 0.07320692 + - -0.22655882 + - -0.31391934 + - 0.76492363 + - 0.007601051 + - -0.2411951 + - 0.048926763 + - 0.045543216 + - -0.10092032 + - -0.058633085 + - 0.10562677 + - -0.14205451 + - 0.48636737 + - -0.431843 + - -1.0247887 + - -0.023403699 + - -0.630654 + - -0.49578592 + - -0.09209086 + - -0.20044567 + - -0.5855643 + - 0.1158377 + - 0.379882 + - 0.42498636 + - 0.3981659 + - -0.22853294 + - 0.3662865 + - -0.44768646 + - 0.22070856 + - 0.5345074 + - -0.7085676 + - -0.0705391 + - -0.10734863 + - -0.3253591 + - 0.6299327 + - -0.75059074 + - -1.0707809 + - -0.6811064 + - 0.32859367 + - -0.21188518 + - -0.6408968 + - -0.5204542 + - 0.73433125 + - -0.1304438 + - 0.6365018 + - -0.32628176 + - -0.18581797 + - 0.6385614 + - -0.12516536 + - -1.1121975 + - 0.2290868 + - -0.1886282 + - 0.60102016 + - -0.39074013 + - -0.64479715 + - -0.08831843 + - -0.4452467 + - 0.8490649 + - 0.22501282 + - -0.24692632 + - -1.1086496 + - -0.15384836 + - -0.55875856 + - -0.7331939 + - 1.050198 + - 0.366051 + - -0.18382613 + - 0.5206184 + - 0.23717418 + - 0.2063222 + - 0.07563633 + - 0.0067100087 + - 0.058879443 + - 0.3236492 + - 0.2348934 + - 0.3175897 + - -0.75022984 + - -0.28961873 + - -0.42943057 + - 0.1867075 + - -0.13243972 + - 0.2397758 + - -0.23731335 + - 1.0015451 + - -0.20318308 + - 0.09198552 + - 0.3557345 + - -0.26477066 + - -0.9518013 + - -0.079320006 + - 0.27212998 + - -0.32509333 + - -0.26553172 + - -0.06336617 + - 0.5788942 + - -0.28100845 + - 0.13421044 + - 0.1286933 + - 0.29647473 + - -0.24638796 + - 0.22951326 + - 0.29915532 + - -0.6673685 + - 0.25797236 + - 0.2170357 + - 0.28044048 + - 0.3005151 + - 0.142065 + - 0.09953769 + - 0.501644 + - 0.5750058 + - 0.043214526 + - 0.25182408 + - -0.7248358 + - -0.99932134 + - -0.458993 + - -0.09168415 + - -0.18338914 + - 0.40430218 + - 0.15027969 + - 0.54877526 + - 0.62510073 + - -0.18643698 + - -0.01042164 + - 0.11832396 + - 0.14426194 + - -0.11628445 + - -0.1208188 + - 0.4218833 + - 1.1945444 + - 0.20170312 + - 0.4052904 + - 0.1729834 + - 0.4703359 + - 0.40446433 + - -0.27903995 + - 0.1550025 + - -1.3613443 + - 0.43495545 + - -0.6092624 + - -0.7003889 + - 0.33829734 + - -0.049486108 + - 1.2292325 + - 1.1875259 + - 0.8811078 + - -0.038080666 + - -0.41122243 + - 0.05945136 + - 0.18286446 + - -0.38637257 + - -0.15960099 + - -0.75563586 + - -0.1399235 + - 0.28765863 + - 0.3493854 + - -0.63642806 + - 0.26648793 + - 0.14986706 + - -0.02178518 + - -0.4328278 + - 0.32400298 + - -0.5628467 + - 0.0017072515 + - 0.4895039 + - 0.97447956 + - 0.79537314 + - -0.21747877 + - 0.49245456 + - -0.05427343 + - -0.001583887 + - -0.4089984 + - -0.5273928 + - -0.12501858 + - -0.85407794 + - -0.39120156 + - 0.74370044 + - 0.31688666 + - -0.11670343 + - -0.1720524 + - -0.9258916 + - -0.44832334 + - -0.14176793 + - 0.15559235 + - 0.18619914 + - 0.029677043 + - -0.7860905 + - 0.6119248 + - -0.2275956 + - 0.27114373 + - -0.1330457 + - -0.4345812 + - 0.3509011 + - -0.25703478 + - 1.1999608 + - -0.73538506 + - 0.22466388 + - 0.28216428 + - 0.3068128 + - 0.22410713 + - -0.8977979 + - 3.0793605 + - 0.6484912 + - -0.05121518 + - -0.13966213 + - 0.04068459 + - -0.3467717 + - 0.16971251 + - 0.26769823 + - -0.029500855 + - 0.48766798 + - 0.23884583 + - -0.6286487 + - -0.84872204 + - -0.2792897 + - -0.38614887 + - -0.33205643 + - 0.04362763 + - -0.09268941 + - 0.02555917 + - -0.03296 + - 0.80383164 + - 0.23085819 + - 0.5722987 + - 0.01516376 + - 0.3265964 + - 0.508655 + - -0.489546 + - 0.28064126 + - 0.20231268 + - 0.5723013 + - -0.3205152 + - -0.017457549 + - 0.8301581 + - -0.26487455 + - -0.5729147 + - -0.43000627 + - 0.40386885 + - -0.05868242 + - -0.057882257 + - -0.43141195 + - 0.03251865 + - 0.12539996 + - 0.5671106 + - 0.57992566 + - -1.1536614 + - -1.1041497 + - 0.026663976 + - 0.07890819 + - 0.30930018 + - 0.6639422 + - 0.07434951 + - 0.52771425 + - -0.4684933 + - -0.23736392 + - 0.10271525 + - -0.68756473 + - 1.0708053 + - 0.02051262 + - 0.005629446 + - 0.23551573 + - 0.5215006 + - -0.46059707 + - 0.6626951 + - 0.47026092 + - -0.51341105 + - -0.024114782 + - -0.07278506 + - 0.4708267 + - 0.15815888 + - -0.112280026 + - -0.056338932 + - 0.21406803 + - -0.20518868 + - 0.61222875 + - 1.1290101 + - -0.12989084 + - 0.29127774 + - 0.123198144 + - 0.44381183 + - 0.12894794 + - -0.1879169 + - 0.23426811 + - -0.50117296 + - 0.5512518 + - -0.13086754 + - 0.7419318 + - -0.35664067 + - 0.2249138 + - 0.28431752 + - -0.6247846 + - -0.32735673 + - 0.21447966 + - -0.22873329 + - 0.4053473 + - 0.2853962 + - -0.009979942 + - -0.19634862 + - 0.19088997 + - 0.37149256 + - -0.4771584 + - -0.29549617 + - -0.58728474 + - -0.36474568 + - 0.92978513 + - -0.1198181 + - -0.6729035 + - -0.2524828 + - 0.045290913 + - 0.86765605 + - 1.1900126 + - -0.89552087 + - 0.6969349 + - 0.15096185 + - -0.3360112 + - 0.5840267 + - 0.4026988 + - -0.29323298 + - -0.123310395 + - -0.19022875 + - -0.26955125 + - -0.34561172 + - 0.12637521 + - -0.3267415 + - -0.24046628 + - -0.36392075 + - -0.27500254 + - -0.12855366 + - 0.24339654 + - -0.8961821 + - -0.30471975 + - -0.33182493 + - 0.2114005 + - 0.008176226 + - 0.49128672 + - -0.60276794 + - 0.85795695 + - -0.11586124 + - 0.9756452 + - -0.6629899 + - -0.6875797 + - 0.28862423 + - -0.18273696 + - -0.46361175 + - 0.32340184 + - 0.27743196 + - 0.1907873 + - 1.0107535 + - -0.36158037 + - 0.7490063 + - 0.7224286 + - 0.8227676 + - -0.34258455 + - 0.14299323 + - -0.07485472 + - 0.03690354 + - 0.66835594 + - -0.29041466 + - 0.117666945 + - 0.22068782 + - -0.41664478 + - -0.96687233 + - -0.30115366 + - 0.32991317 + - -0.5367237 + - -0.4183496 + - -0.20272818 + - -0.20603004 + - 0.28951097 + - 0.22901037 + - -0.37840658 + - 0.039217196 + - -0.6748186 + - 0.5217078 + - -0.10349636 + - -0.80346566 + - -0.011289856 + - 0.34773663 + - 0.11336774 + - -0.64846295 + - -0.060686886 + - 0.24654308 + - -0.1032119 + - 0.70251036 + - 0.29660708 + - 0.38687375 + - -0.13210155 + - -0.25983995 + - -0.19132254 + - 0.22228907 + - 0.26038757 + - 0.21548831 + - 0.14805342 + - -0.15419401 + - 0.52764213 + - 0.056747828 + - -0.64545715 + - 0.34790152 + - 0.09949671 + - -0.084178016 + - -0.1851547 + - 0.18506077 + - 0.06849785 + - 0.65021807 + - -0.21207952 + - -0.015461175 + - 0.5452032 + - -0.01365122 + - -0.6641938 + - 0.28765276 + - -0.25317904 + - 0.1227632 + - -1.0584215 + - 0.20806229 + - 0.014421382 + - 0.01081426 + - -0.02135765 + - -0.6633148 + - 0.59829956 + - 0.32118934 + - -0.4120391 + - -0.016948322 + - -0.07841795 + - 0.7843749 + - -0.21809503 + - -0.38949728 + - -0.28977337 + - 0.16010587 + - 0.5071659 + - -0.086693175 + - 0.5426263 + - 0.10004949 + - -0.18665528 + - 0.03277051 + - -0.64843935 + - 0.2644557 + - 0.74924755 + - -0.079501085 + - -0.14100425 + - -0.31680706 + - 0.28603593 + - 0.08322243 + - -0.34802154 + - 0.44965598 + - -0.154797 + - 0.2212598 + - 0.3388931 + - -0.26549858 + - 0.83331984 + - 0.5542385 + - 0.11945615 + - 0.52264225 + - 0.3680703 + - 0.28813347 + - -0.3920549 + - -0.04858926 + - 0.4211004 + - -0.27116972 + - 0.012550266 + - -0.15916526 + - 1.0338844 + - 0.54367495 + - -0.1075652 + - -0.115794845 + - 0.6246316 + - -0.16583593 + - -0.009917642 + - 0.16484575 + - -0.23796882 + - 0.28699717 + - -0.12484648 + - 0.039961245 + - -0.4752689 + - -0.08142411 + - 0.2532168 + - 0.121582344 + - 0.30579346 + - -0.011138479 + - 0.24646218 + - -0.18199337 + - -0.14097375 + - -0.14552434 + - 0.15069063 + - -0.9438915 + - -0.074753724 + - 1.5525185 + - 0.7813608 + - -0.30151537 + - -0.20538484 + - -0.13666666 + - 0.2511893 + - -0.5155156 + - -0.957768 + - 0.024867887 + - -0.017964648 + - 0.3413526 + - 0.057733916 + - -0.6705937 + - -0.43544868 + - -0.8328766 + - -1.127556 + - 0.14031887 + - 0.53190166 + - 0.2794492 + - 0.22952476 + - -0.28443596 + - 0.62214035 + - -0.08270305 + - 0.23333475 + - 0.06732856 + - 0.033942442 + - -0.11470904 + - 0.120585375 + - -0.24028243 + - 0.0528598 + - 0.061382774 + - -0.25741574 + - -0.20557366 + - 0.101676114 + - -0.8191013 + - -0.8167867 + - -0.04096431 + - -0.315326 + - -0.03208939 + - 0.0044063576 + - -0.31635436 + - -0.380747 + - -0.59952134 + - -0.17083004 + - 0.52697104 + - 0.16015483 + - 0.026569244 + - -0.10034638 + - -0.08351234 + - -0.32397738 + - 0.19073258 + - -0.037320424 + - -0.6122803 + - -0.19477105 + - 0.05959901 + - -0.97114486 + - -0.1114374 + - 0.25144908 + - -0.29247206 + - -1.0046825 + - 0.10319125 + - -0.26377684 + - 0.3734495 + - 0.32138124 + - 0.2201173 + - 0.16574505 + - 0.24156184 + - -0.7507315 + - 0.41684124 + - 0.23563716 + - -0.5096274 + - -0.3408667 + - -0.5006164 + - -0.5663268 + - -0.10434029 + - -0.21033548 + - -0.013725087 + - -0.05406871 + - 0.06762612 + - -0.07603185 + - 0.38126794 + - -0.21514723 + - 0.6514044 + - 0.1638036 + - 0.21190682 + - -0.10777368 + - -1.1651736 + - 0.85149956 + - -0.13673444 + - -0.2791136 + - 0.3939568 + - -0.8459791 + - 0.06319932 + - -0.17092903 + - 0.65976614 + - 0.09467505 + - -0.3351752 + - 0.10690198 + - 0.17950574 + - 0.4841084 + - 0.030654255 + - 0.09933002 + - 0.15504493 + - 0.431155 + - 0.100911595 + - -1.005456 + - -0.4156974 + - -0.21975553 + - 0.8140882 + - 0.20669341 + - 0.8102458 + - 0.9729832 + - -0.1192555 + - -0.3313866 + - -0.20483741 + - -0.05758002 + - -1.1365694 + - 0.10137964 + - 0.7941135 + - 0.21457946 + - 0.08645558 + - -0.08119329 + - 0.045061592 + - -0.2986527 + - 0.5128512 + - -0.048639238 + - 0.04413519 + - 0.38353267 + - 0.30062288 + - -0.30876812 + - 0.6065144 + - 0.38760418 + - -0.3917586 + - -0.16171588 + - 0.47923428 + - 0.2323744 + - -1.0454342 + - 0.66726273 + - 0.54942894 + - -0.3039057 + - -0.46868548 + - 0.120683506 + - -0.20385773 + - -0.3107174 + - 0.122091934 + - -0.73887575 + - 0.4273086 + - 0.25917768 + - -0.615948 + - -0.43804422 + - 0.05439096 + - 0.4236836 + - -0.9611595 + - 0.14401515 + - 0.11230327 + - -0.61103016 + - 0.03632788 + - -0.1180862 + - -0.15593259 + - -0.34371522 + - 0.43030044 + - -0.33593243 + - -0.28053537 + - 0.055819333 + - -0.5548041 + - 0.6060772 + - 0.9170542 + - -0.3333504 + - 0.78890127 + - 0.09267188 + - -0.8138399 + - -0.28036547 + - -0.46818015 + - -0.63843864 + - 0.60233366 + - -0.38163796 + - -0.20055757 + - 0.08256148 + - -0.31126496 + - 0.29852262 + - -1.3070983 + - -0.091211565 + - 0.6437114 + - -0.33731744 + - 0.74428993 + - -0.13088785 + - -0.2910597 + - 0.10607006 + - 0.04793844 + - -0.10944663 + - -0.039002948 + - -0.06794383 + - -0.18343139 + - -0.3283973 + - 0.2869965 + - -0.2572587 + - 0.9318666 + - -0.009790381 + - -0.1260892 + - -0.25368497 + - 0.55822307 + - -0.017653605 + - 0.5665084 + - -1.0098633 + - -0.1526397 + - -1.37959 + - 0.013235414 + - -0.96332794 + - 0.56967777 + - -0.13456593 + - -0.1173221 + - 0.34215552 + - 0.69916993 + - 0.1258658 diff --git a/backends/candle/tests/test_flash_jina.rs b/backends/candle/tests/test_flash_jina.rs index 4e42428a..4a5f8276 100644 --- a/backends/candle/tests/test_flash_jina.rs +++ b/backends/candle/tests/test_flash_jina.rs @@ -34,7 +34,7 @@ fn test_flash_jina_small() -> Result<()> { let (pooled_embeddings, _) = sort_embeddings(backend.embed(input_batch)?); let embeddings_batch = SnapshotScores::from(pooled_embeddings); - insta::assert_yaml_snapshot!("flash_jina_batch", embeddings_batch, &matcher); + insta::assert_yaml_snapshot!("jina_batch", embeddings_batch, &matcher); let input_single = batch( vec![tokenizer.encode("What is Deep Learning?", true).unwrap()], @@ -45,7 +45,7 @@ fn test_flash_jina_small() -> Result<()> { let (pooled_embeddings, _) = sort_embeddings(backend.embed(input_single)?); let embeddings_single = SnapshotScores::from(pooled_embeddings); - insta::assert_yaml_snapshot!("flash_jina_single", embeddings_single, &matcher); + insta::assert_yaml_snapshot!("jina_single", embeddings_single, &matcher); assert_eq!(embeddings_batch[0], embeddings_single[0]); assert_eq!(embeddings_batch[2], embeddings_single[0]); diff --git a/backends/candle/tests/test_flash_jina_code.rs b/backends/candle/tests/test_flash_jina_code.rs index 74035117..508bf722 100644 --- a/backends/candle/tests/test_flash_jina_code.rs +++ b/backends/candle/tests/test_flash_jina_code.rs @@ -34,7 +34,7 @@ fn test_flash_jina_code_base() -> Result<()> { let (pooled_embeddings, _) = sort_embeddings(backend.embed(input_batch)?); let embeddings_batch = SnapshotScores::from(pooled_embeddings); - insta::assert_yaml_snapshot!("flash_jina_code_batch", embeddings_batch, &matcher); + insta::assert_yaml_snapshot!("jina_code_batch", embeddings_batch, &matcher); let input_single = batch( vec![tokenizer.encode("What is Deep Learning?", true).unwrap()], @@ -45,7 +45,7 @@ fn test_flash_jina_code_base() -> Result<()> { let (pooled_embeddings, _) = sort_embeddings(backend.embed(input_single)?); let embeddings_single = SnapshotScores::from(pooled_embeddings); - insta::assert_yaml_snapshot!("flash_jina_code_single", embeddings_single, &matcher); + insta::assert_yaml_snapshot!("jina_code_single", embeddings_single, &matcher); assert_eq!(embeddings_batch[0], embeddings_single[0]); assert_eq!(embeddings_batch[2], embeddings_single[0]);