file_name
stringlengths
3
137
prefix
stringlengths
0
918k
suffix
stringlengths
0
962k
middle
stringlengths
0
812k
__init__.py
from . import extension from torchaudio._internal import module_utils as _mod_utils from torchaudio import ( compliance, datasets, kaldi_io, utils, sox_effects, transforms ) from torchaudio.backend import ( list_audio_backends, get_audio_backend, set_audio_backend, save_encinfo, sox_signalinfo_t, sox_encodinginfo_t, get_sox_option_t, get_sox_encoding_t, get_sox_bool, SignalInfo,
EncodingInfo, ) from torchaudio.sox_effects import ( init_sox_effects as _init_sox_effects, shutdown_sox_effects as _shutdown_sox_effects, ) try: from .version import __version__, git_version # noqa: F401 except ImportError: pass @_mod_utils.deprecated( "Please remove the function call to initialize_sox. " "Resource initialization is now automatically handled.") def initialize_sox() -> int: """Initialize sox effects. This function is deprecated. See ``torchaudio.sox_effects.init_sox_effects`` """ _init_sox_effects() @_mod_utils.deprecated( "Please remove the function call to torchaudio.shutdown_sox. " "Resource clean up is now automatically handled. " "In the unlikely event that you need to manually shutdown sox, " "please use torchaudio.sox_effects.shutdown_sox_effects.") def shutdown_sox(): """Shutdown sox effects. This function is deprecated. See ``torchaudio.sox_effects.shutdown_sox_effects`` """ _shutdown_sox_effects()
constants.py
""" Useful scientific constants defined as iris cubes Uses constants defined by metpy.constansts """ from scipy import constants from metpy import constants as mpconst from iris.cube import Cube # Ratio of radians to degrees radians_per_degree = Cube(constants.degree, units='radians degrees-1') # Import all constants from metpy and turn them into cubes for constant in mpconst.__all__: x = mpconst.__dict__[constant] units = str(x.units).replace(" ", "").replace("dimensionless", "") exec(constant + " = Cube(" "data=x.magnitude," "long_name=constant," "units=units)" ) # Some units are in grams while other are in kilograms if "gram" in units and "kilogram" not in units:
# Use SI units for pressure variables elif "millibar" in units: fixed_units = units.replace("millibar", "pascal") else: fixed_units = None if fixed_units is not None: exec("{}.convert_units('{}')".format(constant, fixed_units))
fixed_units = units.replace("gram", "kilogram")
ServiceHealthCheckConfig.go
package properties // DO NOT EDIT: This file is autogenerated by running 'go generate' // It's generated by "github.com/KablamoOSS/kombustion/generate" import "fmt" // ServiceHealthCheckConfig Documentation: http://docs.aws.amazon.com/AWSCloudFormation/latest/UserGuide/aws-properties-servicediscovery-service-healthcheckconfig.html type ServiceHealthCheckConfig struct { FailureThreshold interface{} `yaml:"FailureThreshold,omitempty"` ResourcePath interface{} `yaml:"ResourcePath,omitempty"` Type interface{} `yaml:"Type"` } // ServiceHealthCheckConfig validation func (resource ServiceHealthCheckConfig) Validate() []error { errs := []error{}
return errs }
if resource.Type == nil { errs = append(errs, fmt.Errorf("Missing required field 'Type'")) }
init.go
package initialization import ( "github.com/foxiswho/shop-go/module/cache/cache_module" "github.com/foxiswho/shop-go/module/cache/memory_module" "sync" "github.com/foxiswho/shop-go/module/log" ) var ( //只执行一次 once sync.Once ) //初始化 func InitSystem() { //只执行一次 once
log.Debugf("sync.Once 只加载一次缓存 cacheCache.LoadOneCache,cacheMemory.LoadOneCache,") //缓存 cache_module.LoadOneCache() //内存缓存 memory_module.LoadOneCache() // log.Debugf("sync.Once 只加载一次缓存 END") }
.Do(onces) } //只执行一次 func onces() {
torch_transformer_layers.py
# Copyright 2021 The LightSeq Team # Copyright Facebook Fairseq # We use layers from Facebook Fairseq as our baseline import math import uuid from typing import Dict, Optional, Tuple, List import torch import torch.nn.functional as F from torch import Tensor, nn from torch.nn import Parameter, LayerNorm, Dropout, Linear from lightseq.training.ops.pytorch import util from lightseq.training.ops.pytorch.layer_base import ( TransformerEmbeddingLayerBase, TransformerEncoderLayerBase, TransformerDecoderLayerBase, ) from .quantization import ( QuantLinear, TensorQuantizer, act_quant_config, weight_quant_config, ) class MultiheadAttention(nn.Module): """Multi-headed attention. See "Attention Is All You Need" for more details. """ def __init__( self, embed_dim, num_heads, kdim=None, vdim=None, dropout=0.0, bias=True, add_bias_kv=False, add_zero_attn=False, self_attention=False, encoder_decoder_attention=False, is_decoder=False, ): super().__init__() self.embed_dim = embed_dim self.kdim = kdim if kdim is not None else embed_dim self.vdim = vdim if vdim is not None else embed_dim self.qkv_same_dim = self.kdim == embed_dim and self.vdim == embed_dim self.num_heads = num_heads self.dropout_module = Dropout(dropout) self.head_dim = embed_dim // num_heads assert ( self.head_dim * num_heads == self.embed_dim ), "embed_dim must be divisible by num_heads" self.scaling = self.head_dim ** -0.5 self.self_attention = self_attention self.encoder_decoder_attention = encoder_decoder_attention self.is_decoder = is_decoder assert ( not self.self_attention or self.qkv_same_dim ), "Self-attention requires query, key and value to be of the same size" self.attention_quant = None if self.self_attention: # self.qkv_proj = Linear(embed_dim, 3*embed_dim, bias=bias) self.qkv_proj = QuantLinear(embed_dim, 3 * embed_dim, bias=bias) self.attention_quant = ( TensorQuantizer(act_quant_config) if self.is_decoder else None ) elif self.encoder_decoder_attention and self.is_decoder: self.k_proj = QuantLinear( self.kdim, embed_dim, pre_activation="encoder_out", bias=bias ) self.v_proj = QuantLinear( self.vdim, embed_dim, pre_activation="encoder_out", bias=bias ) self.q_proj = QuantLinear(embed_dim, embed_dim, bias=bias) self.out_proj = QuantLinear(embed_dim, embed_dim, bias=bias) if add_bias_kv: self.bias_k = Parameter(torch.Tensor(1, 1, embed_dim)) self.bias_v = Parameter(torch.Tensor(1, 1, embed_dim)) else: self.bias_k = self.bias_v = None self.add_zero_attn = add_zero_attn self.reset_parameters() self.onnx_trace = False self.tpu = False self.init_incremental_state() def prepare_for_onnx_export_(self): self.onnx_trace = True def prepare_for_tpu_(self, **kwargs): self.tpu = True def reset_parameters(self): if self.qkv_same_dim: # Empirically observed the convergence to be much better with # the scaled initialization if self.self_attention: nn.init.xavier_uniform_(self.qkv_proj.weight, gain=1 / math.sqrt(2)) else: nn.init.xavier_uniform_(self.k_proj.weight, gain=1 / math.sqrt(2)) nn.init.xavier_uniform_(self.v_proj.weight, gain=1 / math.sqrt(2)) nn.init.xavier_uniform_(self.q_proj.weight, gain=1 / math.sqrt(2)) else: nn.init.xavier_uniform_(self.k_proj.weight) nn.init.xavier_uniform_(self.v_proj.weight) nn.init.xavier_uniform_(self.q_proj.weight) nn.init.xavier_uniform_(self.out_proj.weight) if self.out_proj.bias is not None: nn.init.constant_(self.out_proj.bias, 0.0) if self.bias_k is not None: nn.init.xavier_normal_(self.bias_k) if self.bias_v is not None: nn.init.xavier_normal_(self.bias_v) def forward( self, query, key: Optional[Tensor], value: Optional[Tensor], key_padding_mask: Optional[Tensor] = None, incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] = None, need_weights: bool = True, static_kv: bool = False, attn_mask: Optional[Tensor] = None, before_softmax: bool = False, need_head_weights: bool = False, ): """Input shape: Time x Batch x Channel Args: key_padding_mask (ByteTensor, optional): mask to exclude keys that are pads, of shape `(batch, src_len)`, where padding elements are indicated by 1s. need_weights (bool, optional): return the attention weights, averaged over heads (default: False). attn_mask (ByteTensor, optional): typically used to implement causal attention, where the mask prevents the attention from looking forward in time (default: None). before_softmax (bool, optional): return the raw attention weights and values before the attention softmax. need_head_weights (bool, optional): return the attention weights for each head. Implies *need_weights*. Default: return the average attention weights over all heads. """ if need_head_weights: need_weights = True tgt_len, bsz, embed_dim = query.size() assert embed_dim == self.embed_dim assert list(query.size()) == [tgt_len, bsz, embed_dim] if incremental_state is not None: saved_state = self._get_input_buffer(incremental_state) if saved_state is not None and "prev_key" in saved_state: # previous time steps are cached - no need to recompute # key and value if they are static if static_kv: assert self.encoder_decoder_attention and not self.self_attention key = value = None else: saved_state = None if self.self_attention: qkv = self.qkv_proj(query) if self.attention_quant is not None: qkv = self.attention_quant(qkv) q, k, v = qkv.split(self.embed_dim, dim=-1) # q = self.q_proj(query) # k = self.k_proj(query) # v = self.v_proj(query) elif self.encoder_decoder_attention: # encoder-decoder attention q = self.q_proj(query) if key is None: assert value is None k = v = None else: k = self.k_proj(key) v = self.v_proj(key) else: assert key is not None and value is not None q = self.q_proj(query) k = self.k_proj(key) v = self.v_proj(value) q = q * self.scaling if self.bias_k is not None: assert self.bias_v is not None k = torch.cat([k, self.bias_k.repeat(1, bsz, 1)]) v = torch.cat([v, self.bias_v.repeat(1, bsz, 1)]) if attn_mask is not None: attn_mask = torch.cat( [attn_mask, attn_mask.new_zeros(attn_mask.size(0), 1)], dim=1 ) if key_padding_mask is not None: key_padding_mask = torch.cat( [ key_padding_mask, key_padding_mask.new_zeros(key_padding_mask.size(0), 1), ], dim=1, ) q = ( q.contiguous() .view(tgt_len, bsz * self.num_heads, self.head_dim) .transpose(0, 1) ) if k is not None: k = ( k.contiguous() .view(-1, bsz * self.num_heads, self.head_dim) .transpose(0, 1) ) if v is not None: v = ( v.contiguous() .view(-1, bsz * self.num_heads, self.head_dim) .transpose(0, 1) ) if saved_state is not None: # saved states are stored with shape (bsz, num_heads, seq_len, head_dim) if "prev_key" in saved_state: _prev_key = saved_state["prev_key"] assert _prev_key is not None prev_key = _prev_key.view(bsz * self.num_heads, -1, self.head_dim) if static_kv: k = prev_key else: assert k is not None k = torch.cat([prev_key, k], dim=1) if "prev_value" in saved_state: _prev_value = saved_state["prev_value"] assert _prev_value is not None prev_value = _prev_value.view(bsz * self.num_heads, -1, self.head_dim) if static_kv: v = prev_value else: assert v is not None v = torch.cat([prev_value, v], dim=1) prev_key_padding_mask: Optional[Tensor] = None if "prev_key_padding_mask" in saved_state: prev_key_padding_mask = saved_state["prev_key_padding_mask"] assert k is not None and v is not None key_padding_mask = MultiheadAttention._append_prev_key_padding_mask( key_padding_mask=key_padding_mask, prev_key_padding_mask=prev_key_padding_mask, batch_size=bsz, src_len=k.size(1), static_kv=static_kv, ) saved_state["prev_key"] = k.view(bsz, self.num_heads, -1, self.head_dim) saved_state["prev_value"] = v.view(bsz, self.num_heads, -1, self.head_dim) saved_state["prev_key_padding_mask"] = key_padding_mask # In this branch incremental_state is never None assert incremental_state is not None incremental_state = self._set_input_buffer(incremental_state, saved_state) assert k is not None src_len = k.size(1) # This is part of a workaround to get around fork/join parallelism # not supporting Optional types. if key_padding_mask is not None and key_padding_mask.dim() == 0: key_padding_mask = None if key_padding_mask is not None:
assert v is not None src_len += 1 k = torch.cat([k, k.new_zeros((k.size(0), 1) + k.size()[2:])], dim=1) v = torch.cat([v, v.new_zeros((v.size(0), 1) + v.size()[2:])], dim=1) if attn_mask is not None: attn_mask = torch.cat( [attn_mask, attn_mask.new_zeros(attn_mask.size(0), 1)], dim=1 ) if key_padding_mask is not None: key_padding_mask = torch.cat( [ key_padding_mask, torch.zeros(key_padding_mask.size(0), 1).type_as( key_padding_mask ), ], dim=1, ) attn_weights = torch.bmm(q, k.transpose(1, 2)) attn_weights = self.apply_sparse_mask(attn_weights, tgt_len, src_len, bsz) assert list(attn_weights.size()) == [bsz * self.num_heads, tgt_len, src_len] if attn_mask is not None: attn_mask = attn_mask.unsqueeze(0) if self.onnx_trace: attn_mask = attn_mask.repeat(attn_weights.size(0), 1, 1) attn_weights += attn_mask if key_padding_mask is not None: # don't attend to padding symbols attn_weights = attn_weights.view(bsz, self.num_heads, tgt_len, src_len) if not self.tpu: attn_weights = attn_weights.masked_fill( key_padding_mask.unsqueeze(1).unsqueeze(2).to(torch.bool), float("-inf"), ) else: attn_weights = attn_weights.transpose(0, 2) attn_weights = attn_weights.masked_fill(key_padding_mask, float("-inf")) attn_weights = attn_weights.transpose(0, 2) attn_weights = attn_weights.view(bsz * self.num_heads, tgt_len, src_len) if before_softmax: return attn_weights, v attn_weights_float = util.softmax( attn_weights, dim=-1, onnx_trace=self.onnx_trace ) attn_weights = attn_weights_float.type_as(attn_weights) attn_probs = self.dropout_module(attn_weights) assert v is not None attn = torch.bmm(attn_probs, v) assert list(attn.size()) == [bsz * self.num_heads, tgt_len, self.head_dim] if self.onnx_trace and attn.size(1) == 1: # when ONNX tracing a single decoder step (sequence length == 1) # the transpose is a no-op copy before view, thus unnecessary attn = attn.contiguous().view(tgt_len, bsz, embed_dim) else: attn = attn.transpose(0, 1).contiguous().view(tgt_len, bsz, embed_dim) attn = self.out_proj(attn) attn_weights: Optional[Tensor] = None if need_weights: attn_weights = attn_weights_float.view( bsz, self.num_heads, tgt_len, src_len ).transpose(1, 0) if not need_head_weights: # average attention weights over heads attn_weights = attn_weights.mean(dim=0) return attn, attn_weights @staticmethod def _append_prev_key_padding_mask( key_padding_mask: Optional[Tensor], prev_key_padding_mask: Optional[Tensor], batch_size: int, src_len: int, static_kv: bool, ) -> Optional[Tensor]: # saved key padding masks have shape (bsz, seq_len) if prev_key_padding_mask is not None and static_kv: new_key_padding_mask = prev_key_padding_mask elif prev_key_padding_mask is not None and key_padding_mask is not None: new_key_padding_mask = torch.cat( [prev_key_padding_mask.float(), key_padding_mask.float()], dim=1 ) # During incremental decoding, as the padding token enters and # leaves the frame, there will be a time when prev or current # is None elif prev_key_padding_mask is not None: filler = torch.zeros( (batch_size, src_len - prev_key_padding_mask.size(1)), device=prev_key_padding_mask.device, ) new_key_padding_mask = torch.cat( [prev_key_padding_mask.float(), filler.float()], dim=1 ) elif key_padding_mask is not None: filler = torch.zeros( (batch_size, src_len - key_padding_mask.size(1)), device=key_padding_mask.device, ) new_key_padding_mask = torch.cat( [filler.float(), key_padding_mask.float()], dim=1 ) else: new_key_padding_mask = prev_key_padding_mask return new_key_padding_mask @torch.jit.export def reorder_incremental_state( self, incremental_state: Dict[str, Dict[str, Optional[Tensor]]], new_order: Tensor, ): """Reorder buffered internal state (for incremental generation).""" input_buffer = self._get_input_buffer(incremental_state) if input_buffer is not None: for k in input_buffer.keys(): input_buffer_k = input_buffer[k] if input_buffer_k is not None: if self.encoder_decoder_attention and input_buffer_k.size( 0 ) == new_order.size(0): break input_buffer[k] = input_buffer_k.index_select(0, new_order) incremental_state = self._set_input_buffer(incremental_state, input_buffer) return incremental_state def _get_input_buffer( self, incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] ) -> Dict[str, Optional[Tensor]]: result = self.get_incremental_state(incremental_state, "attn_state") if result is not None: return result else: empty_result: Dict[str, Optional[Tensor]] = {} return empty_result def _set_input_buffer( self, incremental_state: Dict[str, Dict[str, Optional[Tensor]]], buffer: Dict[str, Optional[Tensor]], ): return self.set_incremental_state(incremental_state, "attn_state", buffer) def apply_sparse_mask(self, attn_weights, tgt_len: int, src_len: int, bsz: int): return attn_weights def upgrade_state_dict_named(self, state_dict, name): prefix = name + "." if name != "" else "" items_to_add = {} keys_to_remove = [] for k in state_dict.keys(): if k.endswith(prefix + "in_proj_weight"): # in_proj_weight used to be q + k + v with same dimensions dim = int(state_dict[k].shape[0] / 3) items_to_add[prefix + "q_proj.weight"] = state_dict[k][:dim] items_to_add[prefix + "k_proj.weight"] = state_dict[k][dim : 2 * dim] items_to_add[prefix + "v_proj.weight"] = state_dict[k][2 * dim :] keys_to_remove.append(k) k_bias = prefix + "in_proj_bias" if k_bias in state_dict.keys(): dim = int(state_dict[k].shape[0] / 3) items_to_add[prefix + "q_proj.bias"] = state_dict[k_bias][:dim] items_to_add[prefix + "k_proj.bias"] = state_dict[k_bias][ dim : 2 * dim ] items_to_add[prefix + "v_proj.bias"] = state_dict[k_bias][2 * dim :] keys_to_remove.append(prefix + "in_proj_bias") for k in keys_to_remove: del state_dict[k] for key, value in items_to_add.items(): state_dict[key] = value def init_incremental_state(self): self._incremental_state_id = str(uuid.uuid4()) def _get_full_incremental_state_key(self, key: str) -> str: return "{}.{}".format(self._incremental_state_id, key) def get_incremental_state( self, incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]], key: str, ) -> Optional[Dict[str, Optional[Tensor]]]: """Helper for getting incremental state for an nn.Module.""" full_key = self._get_full_incremental_state_key(key) if incremental_state is None or full_key not in incremental_state: return None return incremental_state[full_key] def set_incremental_state( self, incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]], key: str, value: Dict[str, Optional[Tensor]], ) -> Optional[Dict[str, Dict[str, Optional[Tensor]]]]: """Helper for setting incremental state for an nn.Module.""" if incremental_state is not None: full_key = self._get_full_incremental_state_key(key) incremental_state[full_key] = value return incremental_state class TransformerEncoderLayer(TransformerEncoderLayerBase): """Encoder layer implemented by fairseq. This version only removes the "args" parameter, no other changes In the original paper each operation (multi-head attention or FFN) is postprocessed with: `dropout -> add residual -> layernorm`. In the tensor2tensor code they suggest that learning is more robust when preprocessing each layer with layernorm and postprocessing with: `dropout -> add residual`. We default to the approach in the paper, but the tensor2tensor approach can be enabled by setting normalize_before to True. """ def __init__(self, config, initial_weights=None, initial_biases=None): super().__init__() self.embed_dim = config.hidden_size self.self_attn = self.build_self_attention( self.embed_dim, config.nhead, config.attn_prob_dropout_ratio ) self.self_attn_layer_norm = LayerNorm(self.embed_dim) self.dropout_module = Dropout(config.hidden_dropout_ratio) self.activation_fn = util.get_activation_fn(activation=config.activation_fn) self.activation_dropout_module = Dropout(float(config.activation_dropout_ratio)) self.normalize_before = config.pre_layer_norm self.fc1 = QuantLinear( self.embed_dim, config.intermediate_size, ) self.fc2 = QuantLinear( config.intermediate_size, self.embed_dim, pre_activation="relu" ) self.final_layer_norm = LayerNorm(self.embed_dim) def build_self_attention(self, embed_dim, nhead, attn_dropout): return MultiheadAttention( embed_dim, nhead, dropout=attn_dropout, self_attention=True, ) def residual_connection(self, x, residual): return residual + x def upgrade_state_dict_named(self, state_dict, name): """ Rename layer norm states from `...layer_norms.0.weight` to `...self_attn_layer_norm.weight` and `...layer_norms.1.weight` to `...final_layer_norm.weight` """ layer_norm_map = {"0": "self_attn_layer_norm", "1": "final_layer_norm"} for old, new in layer_norm_map.items(): for m in ("weight", "bias"): k = "{}.layer_norms.{}.{}".format(name, old, m) if k in state_dict: state_dict["{}.{}.{}".format(name, new, m)] = state_dict[k] del state_dict[k] def forward(self, x, encoder_padding_mask): """ Args: x (Tensor): input to the layer of shape `(batch, seq_len, embed_dim)` encoder_padding_mask (ByteTensor): binary ByteTensor of shape `(batch, seq_len)` where padding elements are indicated by ``1``. Returns: encoded output of shape `(seq_len, batch, embed_dim)` """ # anything in original attn_mask = 1, becomes -1e8 # anything in original attn_mask = 0, becomes 0 # Note that we cannot use -inf here, because at some edge cases, # the attention weight (before softmax) for some padded element in query # will become -inf, which results in NaN in model parameters x = x.transpose(0, 1) residual = x if self.normalize_before: x = self.self_attn_layer_norm(x) x, _ = self.self_attn( query=x, key=x, value=x, key_padding_mask=encoder_padding_mask, ) x = self.dropout_module(x) x = self.residual_connection(x, residual) if not self.normalize_before: x = self.self_attn_layer_norm(x) residual = x if self.normalize_before: x = self.final_layer_norm(x) x = self.activation_fn(self.fc1(x)) x = self.activation_dropout_module(x) x = self.fc2(x) x = self.dropout_module(x) x = self.residual_connection(x, residual) if not self.normalize_before: x = self.final_layer_norm(x) x = x.transpose(0, 1) return x class TransformerDecoderLayer(TransformerDecoderLayerBase): """Decoder layer implemented by fairseq. This version only removes the "args" parameter, no other changes """ def __init__(self, config, initial_weights=None, initial_biases=None): super().__init__() self.embed_dim = config.hidden_size self.dropout_module = Dropout(config.hidden_dropout_ratio) self.cross_self_attention = False self.self_attn = self.build_self_attention( self.embed_dim, config.nhead, config.attn_prob_dropout_ratio, ) self.activation_fn = util.get_activation_fn(activation=config.activation_fn) self.activation_dropout_module = Dropout(float(config.activation_dropout_ratio)) self.normalize_before = config.pre_layer_norm self.self_attn_layer_norm = LayerNorm(self.embed_dim) self.encoder_attn = self.build_encoder_attention( self.embed_dim, config.hidden_size, config.attn_prob_dropout_ratio, config.nhead, ) self.encoder_attn_layer_norm = LayerNorm(self.embed_dim) self.fc1 = QuantLinear( self.embed_dim, config.intermediate_size, ) self.fc2 = QuantLinear( config.intermediate_size, self.embed_dim, pre_activation="relu", ) self.final_layer_norm = LayerNorm(self.embed_dim) self.need_attn = True self.onnx_trace = False def build_self_attention( self, embed_dim, nhead, attn_dropout, add_bias_kv=False, add_zero_attn=False ): return MultiheadAttention( embed_dim, nhead, dropout=attn_dropout, add_bias_kv=add_bias_kv, add_zero_attn=add_zero_attn, self_attention=not self.cross_self_attention, is_decoder=True, ) def build_encoder_attention( self, embed_dim, encoder_embed_dim, attn_dropout, nhead ): return MultiheadAttention( embed_dim, nhead, kdim=encoder_embed_dim, vdim=encoder_embed_dim, dropout=attn_dropout, encoder_decoder_attention=True, is_decoder=True, ) def prepare_for_onnx_export_(self): self.onnx_trace = True def residual_connection(self, x, residual): return residual + x def forward( self, x, encoder_out: Optional[torch.Tensor] = None, encoder_padding_mask: Optional[torch.Tensor] = None, incremental_state: Optional[Dict[str, Dict[str, Optional[Tensor]]]] = None, prev_self_attn_state: Optional[List[torch.Tensor]] = None, prev_attn_state: Optional[List[torch.Tensor]] = None, self_attn_mask: Optional[torch.Tensor] = None, self_attn_padding_mask: Optional[torch.Tensor] = None, need_attn: bool = False, need_head_weights: bool = False, ): """ Args: x (Tensor): input to the layer of shape `(batch, seq_len, embed_dim)` encoder_padding_mask (ByteTensor, optional): binary ByteTensor of shape `(batch, src_len)` where padding elements are indicated by ``1``. need_attn (bool, optional): return attention weights need_head_weights (bool, optional): return attention weights for each head (default: return average over heads). Returns: encoded output of shape `(seq_len, batch, embed_dim)` """ if need_head_weights: need_attn = True x = x.transpose(0, 1) residual = x if self.normalize_before: x = self.self_attn_layer_norm(x) if prev_self_attn_state is not None: prev_key, prev_value = prev_self_attn_state[:2] saved_state: Dict[str, Optional[Tensor]] = { "prev_key": prev_key, "prev_value": prev_value, } if len(prev_self_attn_state) >= 3: saved_state["prev_key_padding_mask"] = prev_self_attn_state[2] assert incremental_state is not None self.self_attn._set_input_buffer(incremental_state, saved_state) _self_attn_input_buffer = self.self_attn._get_input_buffer(incremental_state) if self.cross_self_attention and not ( incremental_state is not None and _self_attn_input_buffer is not None and "prev_key" in _self_attn_input_buffer ): if self_attn_mask is not None: assert encoder_out is not None self_attn_mask = torch.cat( (x.new_zeros(x.size(0), encoder_out.size(0)), self_attn_mask), dim=1 ) if self_attn_padding_mask is not None: if encoder_padding_mask is None: assert encoder_out is not None encoder_padding_mask = self_attn_padding_mask.new_zeros( encoder_out.size(1), encoder_out.size(0) ) self_attn_padding_mask = torch.cat( (encoder_padding_mask, self_attn_padding_mask), dim=1 ) assert encoder_out is not None y = torch.cat((encoder_out, x), dim=0) else: y = x x, attn = self.self_attn( query=x, key=y, value=y, key_padding_mask=self_attn_padding_mask, incremental_state=incremental_state, need_weights=False, attn_mask=self_attn_mask, ) x = self.dropout_module(x) x = self.residual_connection(x, residual) if not self.normalize_before: x = self.self_attn_layer_norm(x) if self.encoder_attn is not None and encoder_out is not None: if ( encoder_out.shape[1] != x.shape[1] and x.shape[1] % encoder_out.shape[1] == 0 ): beam_size = int(x.shape[1] / encoder_out.shape[1]) encoder_out = encoder_out.repeat_interleave(beam_size, 1) encoder_padding_mask = encoder_padding_mask.repeat_interleave( beam_size, 0 ) residual = x if self.normalize_before: x = self.encoder_attn_layer_norm(x) if prev_attn_state is not None: prev_key, prev_value = prev_attn_state[:2] saved_state: Dict[str, Optional[Tensor]] = { "prev_key": prev_key, "prev_value": prev_value, } if len(prev_attn_state) >= 3: saved_state["prev_key_padding_mask"] = prev_attn_state[2] assert incremental_state is not None self.encoder_attn._set_input_buffer(incremental_state, saved_state) x, attn = self.encoder_attn( query=x, key=encoder_out, value=encoder_out, key_padding_mask=encoder_padding_mask, incremental_state=incremental_state, static_kv=True, need_weights=need_attn or (not self.training and self.need_attn), need_head_weights=need_head_weights, ) x = self.dropout_module(x) x = self.residual_connection(x, residual) if not self.normalize_before: x = self.encoder_attn_layer_norm(x) residual = x if self.normalize_before: x = self.final_layer_norm(x) x = self.activation_fn(self.fc1(x)) x = self.activation_dropout_module(x) x = self.fc2(x) x = self.dropout_module(x) x = self.residual_connection(x, residual) if not self.normalize_before: x = self.final_layer_norm(x) if self.onnx_trace and incremental_state is not None: saved_state = self.self_attn._get_input_buffer(incremental_state) assert saved_state is not None if self_attn_padding_mask is not None: self_attn_state = [ saved_state["prev_key"], saved_state["prev_value"], saved_state["prev_key_padding_mask"], ] else: self_attn_state = [saved_state["prev_key"], saved_state["prev_value"]] return x, attn, self_attn_state x = x.transpose(0, 1) return x, attn, None def make_generation_fast_(self, need_attn: bool = False, **kwargs): self.need_attn = need_attn class TransformerEmbeddingLayer(TransformerEmbeddingLayerBase): def __init__(self, config): super().__init__() self.emb_lookup = nn.Embedding( config.vocab_size, config.embedding_dim, padding_idx=config.padding_idx ) self.emb_lookup.to(dtype=(torch.half if config.fp16 else torch.float)) self.embeddings = self.emb_lookup.weight nn.init.normal_(self.embeddings, mean=0, std=config.embedding_dim ** -0.5) nn.init.constant_(self.embeddings[config.padding_idx], 0) self.embed_positions = SinusoidalPositionalEmbedding( config.embedding_dim, config.padding_idx, config.max_seq_len, config.fp16 ) self.embedding_dim = config.embedding_dim self.dropout = Dropout(config.dropout) self.emb_quant = TensorQuantizer(weight_quant_config) self.config = config def forward(self, input, step=0): x = self.emb_lookup(input) x = self.emb_quant(x) x = math.sqrt(self.embedding_dim) * x x += self.embed_positions(input, step) x = self.dropout(x) return x class SinusoidalPositionalEmbedding(nn.Module): """This module produces sinusoidal positional embeddings of any length. Padding symbols are ignored. """ def __init__(self, embedding_dim, padding_idx, init_size=1024, fp16=False): super().__init__() self.embedding_dim = embedding_dim self.padding_idx = padding_idx self.weights = SinusoidalPositionalEmbedding.get_embedding( init_size, embedding_dim, padding_idx ) if fp16: self.weights = self.weights.to(torch.half) @staticmethod def get_embedding( num_embeddings: int, embedding_dim: int, padding_idx: Optional[int] = None ): """Build sinusoidal embeddings. This matches the implementation in tensor2tensor, but differs slightly from the description in Section 3.5 of "Attention Is All You Need". """ half_dim = embedding_dim // 2 emb = math.log(10000) / (half_dim - 1) emb = torch.exp(torch.arange(half_dim, dtype=torch.float) * -emb) emb = torch.arange(num_embeddings, dtype=torch.float).unsqueeze( 1 ) * emb.unsqueeze(0) emb = torch.cat([torch.sin(emb), torch.cos(emb)], dim=1).view( num_embeddings, -1 ) if embedding_dim % 2 == 1: # zero pad emb = torch.cat([emb, torch.zeros(num_embeddings, 1)], dim=1) return emb def make_positions(self, tensor, padding_idx, step): mask = tensor.ne(padding_idx).int() return ((torch.cumsum(mask, dim=1).type_as(mask) - 1 + step) * mask).long() def forward( self, input, step=0, incremental_state=None, timestep=None, positions=None, ): """Input is expected to be of size [bsz x seqlen].""" bsz, seq_len = input.size(0), input.size(1) positions = self.make_positions(input, self.padding_idx, step) mask = ( torch.ne(input, self.padding_idx) .unsqueeze(2) .expand(bsz, seq_len, self.embedding_dim) ) return ( self.weights.to(input.device) .index_select(0, positions.view(-1)) .view(bsz, seq_len, -1) * mask ).detach()
assert key_padding_mask.size(0) == bsz assert key_padding_mask.size(1) == src_len if self.add_zero_attn:
app.0914dce0.js
(function(t){function e(e){for(var s,o,i=e[0],c=e[1],A=e[2],l=0,u=[];l<i.length;l++)o=i[l],Object.prototype.hasOwnProperty.call(r,o)&&r[o]&&u.push(r[o][0]),r[o]=0;for(s in c)Object.prototype.hasOwnProperty.call(c,s)&&(t[s]=c[s]);d&&d(e);while(u.length)u.shift()();return n.push.apply(n,A||[]),a()}function a(){for(var t,e=0;e<n.length;e++){for(var a=n[e],s=!0,i=1;i<a.length;i++){var c=a[i];0!==r[c]&&(s=!1)}s&&(n.splice(e--,1),t=o(o.s=a[0]))}return t}var s={},r={app:0},n=[];function
(e){if(s[e])return s[e].exports;var a=s[e]={i:e,l:!1,exports:{}};return t[e].call(a.exports,a,a.exports,o),a.l=!0,a.exports}o.m=t,o.c=s,o.d=function(t,e,a){o.o(t,e)||Object.defineProperty(t,e,{enumerable:!0,get:a})},o.r=function(t){"undefined"!==typeof Symbol&&Symbol.toStringTag&&Object.defineProperty(t,Symbol.toStringTag,{value:"Module"}),Object.defineProperty(t,"__esModule",{value:!0})},o.t=function(t,e){if(1&e&&(t=o(t)),8&e)return t;if(4&e&&"object"===typeof t&&t&&t.__esModule)return t;var a=Object.create(null);if(o.r(a),Object.defineProperty(a,"default",{enumerable:!0,value:t}),2&e&&"string"!=typeof t)for(var s in t)o.d(a,s,function(e){return t[e]}.bind(null,s));return a},o.n=function(t){var e=t&&t.__esModule?function(){return t["default"]}:function(){return t};return o.d(e,"a",e),e},o.o=function(t,e){return Object.prototype.hasOwnProperty.call(t,e)},o.p="/";var i=window["webpackJsonp"]=window["webpackJsonp"]||[],c=i.push.bind(i);i.push=e,i=i.slice();for(var A=0;A<i.length;A++)e(i[A]);var d=c;n.push([0,"chunk-vendors"]),a()})({0:function(t,e,a){t.exports=a("56d7")},"034f":function(t,e,a){"use strict";a("85ec")},1:function(t,e){},2154:function(t,e,a){},"222d":function(t,e,a){},3139:function(t,e,a){"use strict";a("f407")},"56d7":function(t,e,a){"use strict";a.r(e);a("380f");var s=a("f64c"),r=(a("0a41"),a("1d87")),n=(a("a71a"),a("b558")),o=(a("19ac"),a("cdeb")),i=(a("805a"),a("0c63")),c=(a("e1f5"),a("5efb")),A=(a("e260"),a("e6cf"),a("cca6"),a("a79d"),a("159b"),a("b0c0"),a("2b0e")),d=function(){var t=this,e=t.$createElement,a=t._self._c||e;return a("div",[a("Header",{attrs:{title:"KingFeng"}}),a("div",{attrs:{id:"app"}},[a("router-view")],1)],1)},l=[],u=function(){var t=this,e=t.$createElement,s=t._self._c||e;return s("div",{attrs:{id:"header"}},[s("div",{staticClass:"header-wrapper"},[s("div",{staticClass:"header-content"},[s("img",{staticClass:"header-logo",attrs:{src:a("cf05")}}),s("div",{staticClass:"header-tittle"},[t._v(" "+t._s(t.title)+" ")])])])])},p=[],m={name:"Header",props:["title"]},h=m,g=(a("8baf"),a("2877")),v=Object(g["a"])(h,u,p,!1,null,null,null),f=v.exports,C={name:"App",components:{Header:f}},w=C,y=(a("034f"),Object(g["a"])(w,d,l,!1,null,null,null)),k=y.exports,b=a("28dd"),I=a("8c4f"),B=function(){var t=this,e=t.$createElement,a=t._self._c||e;return a("div",{staticClass:"content"},[a("Notice",{staticClass:"Card ant-card ant-card-bordered"}),a("div",{staticClass:"Card ant-card ant-card-bordered"},[a("div",{staticClass:"ant-card-head"},[a("div",{staticClass:"ant-card-head-wrapper"},[a("a-icon",{attrs:{type:"code",theme:"twoTone"}}),a("div",{staticClass:"ant-card-head-title"},[t._v("Cookies登录")])],1)]),a("div",{staticClass:"ant-card-body"},[a("div",{staticClass:"text-center"},[a("a-input",{staticClass:"magrin",staticStyle:{"text-align":"center"},attrs:{type:"text",placeholder:"请输入wskey"},model:{value:t.WsKey,callback:function(e){t.WsKey=e},expression:"WsKey"}}),a("br"),a("a-input",{staticClass:"magrin",staticStyle:{width:"60%","text-align":"center"},attrs:{type:"text",placeholder:"请输入备注"},model:{value:t.remarks,callback:function(e){t.remarks=e},expression:"remarks"}}),a("br"),a("a-button",{staticClass:"magrin",attrs:{type:"primary",shape:"round"},on:{click:t.CookiesCheck}},[t._v(" 登录 ")])],1)])])],1)},S=[],D=(a("ac1f"),a("466d"),function(){var t=this,e=t.$createElement,a=t._self._c||e;return a("div",{staticClass:"Card ant-card ant-card-bordered"},[a("div",{staticClass:"ant-card-head"},[a("div",{staticClass:"ant-card-head-wrapper"},[a("a-icon",{attrs:{type:"calendar",theme:"twoTone"}}),a("div",{staticClass:"ant-card-head-title"},[t._v("公告")])],1)]),a("div",{staticClass:"ant-card-body"},[a("div",[a("p",[t._v(t._s(t.p1))]),a("p",[t._v(t._s(t.p2))]),a("p",[t._v(t._s(t.p3))]),a("a",{on:{click:function(e){return t.open()}}},[t._v("手机以及电脑抓取Cookies教程")])])])])}),Q=[],O={data:function(){return{p1:"请关闭免密支付以及打开支付验密",p2:"建议微信绑定账户以保证提现能到账",p3:"需手动抓取Cookies 教程请点击下面链接获取",p4:void 0}},created:function(){},mounted:function(){var t=this;this.$http.get(this.$request_url+"api/config").then((function(e){t.p4=e.data.data,e.status}),(function(e){t.$message.error("请求服务端失败,请检查设置",2)}))},methods:{open:function(){window.open(this.p4,"_blank")}}},x=O,E=(a("d8db"),Object(g["a"])(x,D,Q,!1,null,null,null)),M=E.exports,N={components:{Notice:M},data:function(){return{WsKey:"",remarks:""}},mounted:function(){},created:function(){var t=localStorage.getItem("uid"),e=localStorage.getItem("adminkey");t?this.$router.push("/index"):e&&this.$router.push("/admin")},methods:{CookiesCheck:function(){var t=this,e=this.WsKey.match(/pin=(.*?);/)&&this.WsKey.match(/pin=(.*?);/)[1];decodeURIComponent(e);var a=this.WsKey.match(/wskey=(.*?);/)&&this.WsKey.match(/wskey=(.*?);/)[1];if(e&&a){if(""==this.remarks)return void this.$message.error("备注不能为空",1.5);var s=[{name:"JD_WSCK",value:this.WsKey,remarks:"r="+this.remarks+";"}];this.$http.post(this.$request_url+"api/env",s).then((function(e){200===e.data.code?(localStorage.setItem("uid",e.data.data._id[0]),setTimeout((function(){t.$router.push({name:"Index"})}),1e3),localStorage.setItem("name",t.remarks),t.$message.success("欢迎回来 "+t.remarks,2)):t.$message.error("请求服务器失败,请检查服务端后重试!",1.5)}),(function(e){t.$message.error("请求服务器失败,请检查服务端后重试!",1.5)}))}else this.$http.get(this.$request_url+"api/admin?key="+this.WsKey).then((function(e){200===e.data.code?(localStorage.setItem("adminkey",t.WsKey),setTimeout((function(){t.$router.push({name:"Admin"})}),1e3),t.$message.success("管理员 欢迎回来 ",2)):t.$message.error("wskey 解析失败,请检查格式后重试!",1.5)}),(function(e){t.$message.error("请求服务器失败,请检查服务端后重试!",1.5)}))}}},Y=N,P=(a("66c0"),Object(g["a"])(Y,B,S,!1,null,null,null)),T=P.exports,z=function(){var t=this,e=t.$createElement,s=t._self._c||e;return s("div",{staticClass:"content"},[s("div",{staticClass:"Card ant-card ant-card-bordered"},[s("div",{staticClass:"ant-card-head"},[s("div",{staticClass:"ant-card-head-wrapper"},[s("a-icon",{attrs:{type:"crown",theme:"twoTone"}}),s("div",{staticClass:"ant-card-head-title"},[t._v(" 个人中心 ")])],1)]),s("div",{staticClass:"ant-card-body"},[s("br"),s("div",[s("p",[t._v("昵称:"+t._s(t.remarks))]),s("p",[t._v(" 状态: "),s("a-icon",{attrs:{type:t.statuss,theme:"twoTone","two-tone-color":t.color}}),t._v(t._s(0==t.status?" 正常":" 异常")+" ")],1)]),s("br"),s("a-input",{attrs:{placeholder:"请输入新的wskey"},model:{value:t.wskey,callback:function(e){t.wskey=e},expression:"wskey"}}),s("div",[s("br"),s("a-space",[s("a-button",{attrs:{type:"primary",shape:"round"},on:{click:t.updatewskey}},[t._v(" 更新wskey ")]),s("a-button",{attrs:{type:"danger",shape:"round"},on:{click:t.logout}},[t._v(" 退出登录 ")])],1)],1)],1)]),s("div",{staticClass:"Card ant-card ant-card-bordered"},[s("div",{staticClass:"ant-card-head"},[s("div",{staticClass:"ant-card-head-wrapper"},[s("a-icon",{attrs:{type:"pushpin",theme:"twoTone"}}),s("div",{staticClass:"ant-card-head-title"},[t._v(" 扫码接收通知 ")])],1)]),s("div",{staticClass:"ant-card-body"},[s("img",{staticClass:"img",attrs:{src:a("ba25")}})])])])},$=[],_={data:function(){return{wskey:"",remarks:"",timestamp:void 0,status:0}},computed:{statuss:function(){return 0==this.status?"check-circle":"close-circle"},color:function(){return 0==this.status?"#52c41a":"#eb2f96"}},created:function(){var t=this,e=localStorage.getItem("uid");e?this.$http.get(this.$request_url+"api/exitst?uid="+e).then((function(e){200===e.data.code?t.remarks=localStorage.getItem("name"):(t.$message.error("登录已过期,请重新登录",2),localStorage.removeItem("uid"),t.$router.push("/"))})):this.$router.push("/")},methods:{logout:function(){var t=this;localStorage.removeItem("uid"),clearInterval(this.timer),this.$message.success("退出成功",1),setTimeout((function(){t.$router.push("/")}),1e3)},remove:function(){},updatewskey:function(){var t=this,e=this.wskey.match(/pin=(.*?);/)&&this.wskey.match(/pin=(.*?);/)[1];decodeURIComponent(e);var a=this.wskey.match(/wskey=(.*?);/)&&this.wskey.match(/wskey=(.*?);/)[1];e&&a?this.$http.post(this.$request_url+"api/updateEnv?uid="+localStorage.getItem("uid")+"&wskey="+this.wskey).then((function(e){200==e.data.code?(t.wskey="",t.$message.success("更新wskey成功",2)):t.$message.error("更新失败,请联系管理员处理")})):this.$message.error("请检查wskey格式是否正确")}}},G=_,H=(a("d44d"),Object(g["a"])(G,z,$,!1,null,null,null)),L=H.exports,K=function(){var t=this,e=t.$createElement,a=t._self._c||e;return a("div",{staticClass:"content"},[a("div",{staticClass:"Card ant-card ant-card-bordered"},[a("div",{staticClass:"ant-card-head"},[a("div",{staticClass:"ant-card-head-wrapper"},[a("a-icon",{attrs:{type:"crown",theme:"twoTone"}}),a("div",{staticClass:"ant-card-head-title"},[t._v("个人中心")])],1)]),a("div",{staticClass:"ant-card-body"},[a("br"),a("div",[a("a-space",{attrs:{size:"large"}},[a("a-button",{attrs:{type:"danger",shape:"round"},on:{click:t.logout}},[t._v(" 退出登录 ")])],1)],1)])]),a("div",{staticClass:"Card ant-card ant-card-bordered"},[a("div",{staticClass:"ant-card-head"},[a("div",{staticClass:"ant-card-head-wrapper"},[a("a-icon",{attrs:{type:"tool",theme:"twoTone"}}),a("div",{staticClass:"ant-card-head-title"},[t._v("执行任务")])],1)]),a("div",{staticClass:"ant-card-body"},[a("a-input",{staticStyle:{width:"80%"},attrs:{type:"text",placeholder:"请输入任务全名称"},model:{value:t.taskName,callback:function(e){t.taskName=e},expression:"taskName"}}),a("div",[a("br"),a("a-space",{attrs:{size:"large"}},[a("a-button",{attrs:{type:"primary",shape:"round"},on:{click:t.task}},[t._v(" 执行任务 ")]),a("a-button",{attrs:{type:"primary",shape:"round"},on:{click:t.wskeytask}},[t._v(" wskey转换 ")])],1)],1)],1)]),a("div",{staticClass:"Card ant-card ant-card-bordered"},[a("div",{staticClass:"ant-card-head"},[a("div",{staticClass:"ant-card-head-wrapper"},[a("a-icon",{attrs:{type:"tool",theme:"twoTone"}}),a("div",{staticClass:"ant-card-head-title"},[t._v("任务日志")])],1)]),a("div",{staticClass:"ant-card-body"},[a("div",[a("a-textarea",{attrs:{id:"logs",rows:"10"},model:{value:t.logs,callback:function(e){t.logs=e},expression:"logs"}})],1),a("br")])])])},U=[],W={data:function(){return{taskName:"",logs:void 0,adminkey:"",timer:void 0}},created:function(){var t=this,e=localStorage.getItem("adminkey");e?this.$http.get(this.$config.url+"api/admin?key="+e).then((function(e){200===e.data.code||(t.$message.error("登录已过期,请重新登录",2),localStorage.removeItem("adminkey"),t.$router.push("/"))})):this.$router.push("/")},mounted:function(){this.adminkey=localStorage.getItem("adminkey")},beforeDestroy:function(){clearInterval(this.timer)},methods:{task:function(){var t=this;this.$http.put(por+"api/task?taskName="+this.taskName+"&key="+this.adminkey).then((function(e){200===e.data.code?(t.$message.success(t.taskName+"执行成功",1.5),clearInterval(t.timer),t.timer=setInterval(t.readLog,1e3)):t.$message.error("错误:"+e.data.msg,2)}))},wskeytask:function(){var t=this;this.taskName="",this.$http.put(this.$request_url+"api/task?taskName=ws&key="+this.adminkey).then((function(e){200===e.data.code?(t.$message.success("执行wskey转换成功",1.5),clearInterval(t.timer),t.timer=setInterval(t.readLog,1e3)):t.$message.error("错误:"+e.data.msg,2)}))},readLog:function(){var t=this;console.log("执行一次");var e=""==this.taskName?"ws":this.taskName;this.$http.get(this.$request_url+"api/log?taskName="+e+"&key="+this.adminkey).then((function(e){if(200===e.data.code)if(-1!=e.data.data.indexOf("执行结束")){t.logs=e.data.data,t.taskName="";var a=document.getElementById("logs");a.scrollTop=a.scrollHeight,clearInterval(t.timer)}else{var s=document.getElementById("logs");s.scrollTop=s.scrollHeight,t.logs=e.data.data}else t.$message.error("读取日志错误:"+e.data.msg,2)}))},logout:function(){var t=this;localStorage.removeItem("adminkey"),clearInterval(this.timer),this.$message.success("退出成功",1),setTimeout((function(){t.$router.push("/")}),1e3)}}},j=W,J=(a("3139"),Object(g["a"])(j,K,U,!1,null,null,null)),R=J.exports;A["a"].use(I["a"]);var q=[{path:"/",name:"Login",component:T},{path:"/index",name:"Index",component:L},{path:"/admin",name:"Admin",component:R}],Z=new I["a"]({routes:q}),V=Z;A["a"].config.productionTip=!1;var X=[c["a"],i["a"],o["a"],n["a"],n["a"].TextArea,r["a"]];A["a"].use(b["a"]),X.forEach((function(t){A["a"].component(t.name,t)})),A["a"].prototype.$message=s["a"],A["a"].prototype.$request_url="http://localhost:5000/",new A["a"]({render:function(t){return t(k)},router:V}).$mount("#app")},"66c0":function(t,e,a){"use strict";a("2154")},6860:function(t,e,a){},"85ec":function(t,e,a){},"8baf":function(t,e,a){"use strict";a("6860")},ba25:function(t,e){t.exports="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAIAAAACACAYAAADDPmHLAAAETElEQVR4Xu2dva4NURiG35OITqvSuQR69CoNiU4hboDoUPkpTohOJ+EalCioKCWuwRWQSMiwj0zGPntm1nwz65v9PlOv+Wa+dz3nWTOz9+xzIDbrBA6su6d5AYA5BAAAAOYJmLePAQDAPAHz9jEAAJgnYN4+BgAA8wTM28cAAGCegHn7GAAAzBMwbx8DAIB5AubtYwAAME/AvH0MAADmCZi3jwEAwDwB8/YxAACYJ2DePgYAAPME+tu/KOlta9h9SQ/6d1vHCAzQP08A0J9R+Igm9OjtXWFBACgMbspu9yQ1qo3aLkkCgC1pZl0CACAK/Z46ANAfNEtAf0bhIxoDRG7vWQK2x5nVAJGTf1ytMZC1r0emXJtMAXGWTJwB+DVLoruLTrkYneV0AWCWWI8tCgDL5r3zaBhAsv6JmDEPm7qPgpu1vHQrfR5Reryd+2VdAngOMMt0/18UAPqD5jlAf0bhI/bFAN1bzXSfImY2QCRVU+6/pxiguXY4utZo1v7mLiDVlhWATCEBQKbZqHAuAFAh9CUOOXR9BoAlZqPCMdoXmru+5gUAlSYn8rDbLgIBIPGTwCVuA6cAMBTOxh7cBQxNqzUuMwAF7fzZhdvAEckBwIiwpgx1fg5QugSU5o0BSpObab8xAESdQqpPApumMMDfqd2rt33G0AoAADCGl70aO3QJ2Kumu81gAAyQDvDuo9d0J1h4QimvMzIaAAAKCSvZDQBKUivbBwMMzG3Mt3UHltw67ELrDeRmcqZ803foefAcYGhSC4zjLoAHQf9+gyClnhf4I+BJ4CZkAFiCtmTHYAlgCWAJyHgbOFQU7S91lnzvP8IANzsn+2LoyWcZt2YA2m/3lrx2HQHAJ0nnNpP5WdL5LBM79DwAYNpnAQAwlLQZxmGAgFAxAAYIwKhOCQwQkDsGwAABGNUpgQECcscAGCAAozolMEBA7hgAAwRgVKcEBgjIHQNggACM6pTAAAG5YwAMEIBRnRIYICB3DIABAjCqUwIDBOSOATBAAEZ1SmCAgNwxAAYIwKhOCQwQkDsGwAABGNUpgQECcscAGCAAozolMEBA7hgAAwRgVKcEBgjIfY0GuCzpqaSzrf55NawQhjUBcFLSM0m3Or1+k3S14L+D827gil4Pv7KZ/DOdyW+AuCvpe8EfAACsAIBTG93f6EzwB0l3JH0smPijXQAgOQDXNn/1p1uT/EPSbUnPJ0w8ALTCy3oN8ErS9c4kv5T0SNLXgMlvSmCAxAZo/8fNL5IeSnodNPEYYAUGOALgUNJjSc2VfvSGAZIb4ImkN9Gz3qoHAIkBOCHp54yTH1WaH4mKSpI6dRLIehdQJw3DowKA4aS3WwYAADBPwLx9DAAA5gmYt48BAMA8AfP2MQAAmCdg3j4GAADzBMzbxwAAYJ6AefsYAADMEzBvHwMAgHkC5u1jAAAwT8C8fQwAAOYJmLePAQDAPAHz9n8D0SxskHKY3ocAAAAASUVORK5CYII="},cf05:function(t,e){t.exports="data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAIAAAACACAYAAADDPmHLAAAETElEQVR4Xu2dva4NURiG35OITqvSuQR69CoNiU4hboDoUPkpTohOJ+EalCioKCWuwRWQSMiwj0zGPntm1nwz65v9PlOv+Wa+dz3nWTOz9+xzIDbrBA6su6d5AYA5BAAAAOYJmLePAQDAPAHz9jEAAJgnYN4+BgAA8wTM28cAAGCegHn7GAAAzBMwbx8DAIB5AubtYwAAME/AvH0MAADmCZi3jwEAwDwB8/YxAACYJ2DePgYAAPME+tu/KOlta9h9SQ/6d1vHCAzQP08A0J9R+Igm9OjtXWFBACgMbspu9yQ1qo3aLkkCgC1pZl0CACAK/Z46ANAfNEtAf0bhIxoDRG7vWQK2x5nVAJGTf1ytMZC1r0emXJtMAXGWTJwB+DVLoruLTrkYneV0AWCWWI8tCgDL5r3zaBhAsv6JmDEPm7qPgpu1vHQrfR5Reryd+2VdAngOMMt0/18UAPqD5jlAf0bhI/bFAN1bzXSfImY2QCRVU+6/pxiguXY4utZo1v7mLiDVlhWATCEBQKbZqHAuAFAh9CUOOXR9BoAlZqPCMdoXmru+5gUAlSYn8rDbLgIBIPGTwCVuA6cAMBTOxh7cBQxNqzUuMwAF7fzZhdvAEckBwIiwpgx1fg5QugSU5o0BSpObab8xAESdQqpPApumMMDfqd2rt33G0AoAADCGl70aO3QJ2Kumu81gAAyQDvDuo9d0J1h4QimvMzIaAAAKCSvZDQBKUivbBwMMzG3Mt3UHltw67ELrDeRmcqZ803foefAcYGhSC4zjLoAHQf9+gyClnhf4I+BJ4CZkAFiCtmTHYAlgCWAJyHgbOFQU7S91lnzvP8IANzsn+2LoyWcZt2YA2m/3lrx2HQHAJ0nnNpP5WdL5LBM79DwAYNpnAQAwlLQZxmGAgFAxAAYIwKhOCQwQkDsGwAABGNUpgQECcscAGCAAozolMEBA7hgAAwRgVKcEBgjIHQNggACM6pTAAAG5YwAMEIBRnRIYICB3DIABAjCqUwIDBOSOATBAAEZ1SmCAgNwxAAYIwKhOCQwQkDsGwAABGNUpgQECcscAGCAAozolMEBA7hgAAwRgVKcEBgjIfY0GuCzpqaSzrf55NawQhjUBcFLSM0m3Or1+k3S14L+D827gil4Pv7KZ/DOdyW+AuCvpe8EfAACsAIBTG93f6EzwB0l3JH0smPijXQAgOQDXNn/1p1uT/EPSbUnPJ0w8ALTCy3oN8ErS9c4kv5T0SNLXgMlvSmCAxAZo/8fNL5IeSnodNPEYYAUGOALgUNJjSc2VfvSGAZIb4ImkN9Gz3qoHAIkBOCHp54yTH1WaH4mKSpI6dRLIehdQJw3DowKA4aS3WwYAADBPwLx9DAAA5gmYt48BAMA8AfP2MQAAmCdg3j4GAADzBMzbxwAAYJ6AefsYAADMEzBvHwMAgHkC5u1jAAAwT8C8fQwAAOYJmLePAQDAPAHz9n8D0SxskHKY3ocAAAAASUVORK5CYII="},d44d:function(t,e,a){"use strict";a("222d")},d8db:function(t,e,a){"use strict";a("fe31")},f407:function(t,e,a){},fe31:function(t,e,a){}}); //# sourceMappingURL=app.0914dce0.js.map
o
init.go
// *** WARNING: this file was generated by the Pulumi Terraform Bridge (tfgen) Tool. *** // *** Do not edit by hand unless you're certain you know what you are doing! *** package storagegateway import ( "fmt" "github.com/blang/semver" "github.com/pulumi/pulumi-aws/sdk/v3/go/aws" "github.com/pulumi/pulumi/sdk/v2/go/pulumi" ) type module struct { version semver.Version } func (m *module) Version() semver.Version { return m.version } func (m *module) Construct(ctx *pulumi.Context, name, typ, urn string) (r pulumi.Resource, err error) { switch typ { case "aws:storagegateway/cache:Cache": r, err = NewCache(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/cachesIscsiVolume:CachesIscsiVolume": r, err = NewCachesIscsiVolume(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/gateway:Gateway": r, err = NewGateway(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/nfsFileShare:NfsFileShare": r, err = NewNfsFileShare(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/smbFileShare:SmbFileShare": r, err = NewSmbFileShare(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/storedIscsiVolume:StoredIscsiVolume": r, err = NewStoredIscsiVolume(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/tapePool:TapePool": r, err = NewTapePool(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/uploadBuffer:UploadBuffer": r, err = NewUploadBuffer(ctx, name, nil, pulumi.URN_(urn)) case "aws:storagegateway/workingStorage:WorkingStorage": r, err = NewWorkingStorage(ctx, name, nil, pulumi.URN_(urn)) default: return nil, fmt.Errorf("unknown resource type: %s", typ) } return } func
() { version, err := aws.PkgVersion() if err != nil { fmt.Println("failed to determine package version. defaulting to v1: %v", err) } pulumi.RegisterResourceModule( "aws", "storagegateway/cache", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/cachesIscsiVolume", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/gateway", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/nfsFileShare", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/smbFileShare", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/storedIscsiVolume", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/tapePool", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/uploadBuffer", &module{version}, ) pulumi.RegisterResourceModule( "aws", "storagegateway/workingStorage", &module{version}, ) }
init
0002_auto_20200616_1337.py
# Generated by Django 3.0.7 on 2020-06-16 13:37 from django.conf import settings from django.db import migrations class Migration(migrations.Migration):
dependencies = [ ('learning', '0001_initial'), migrations.swappable_dependency(settings.AUTH_USER_MODEL), ('accounts', '0001_initial'), ] operations = [ migrations.RenameModel( old_name='UserSettings', new_name='UserSetting', ), ]
rts.rs
//! Minimal run-time system, which does I/O. //! //! In Bendersky's first JIT, the program uses Linux system calls, but that's
//! tutorial]. Instead, we store trait objects in [a struct](struct.RtsState.html), pass a pointer //! to that struct to the generated program, and then have the generated program pass the pointer //! to that struct to the RTS’s read and write functions. //! //! [the `dynlib-rs` tutorial]:(https://censoredusername.github.io/dynasm-rs/language/tutorial.html#advanced-usage) use std::io::{Read, Write}; /// The object code terminated successfully. pub const OKAY: u64 = 0; /// The pointer would have pointed below the allocated buffer had the program continued. pub const UNDERFLOW: u64 = 1; /// The pointer would have pointed above the allocated buffer had the program continued. pub const OVERFLOW: u64 = 2; /// Minimal state for our minimal run-time system. /// /// Trait objects providing channels for standard input and output. pub struct RtsState<'a> { /// Input channel for the `,` operation. input: &'a mut dyn Read, /// Output channel for the `.` operation. output: &'a mut dyn Write, } impl<'a> RtsState<'a> { pub fn new<R: Read, W: Write>(input: &'a mut R, output: &'a mut W) -> Self { RtsState { input, output, } } pub extern "win64" fn read(&mut self) -> u8 { let mut buf = [0]; let _ = self.input.read_exact(&mut buf); buf[0] } pub extern "win64" fn write(&mut self, byte: u8) { let _ = self.output.write_all(&[byte]); } pub extern "C" fn read_c(&mut self) -> u8 { let mut buf = [0]; let _ = self.input.read_exact(&mut buf); buf[0] } pub extern "C" fn write_c(&mut self, byte: u8) { let _ = self.output.write_all(&[byte]); } }
//! insufficiently portable. And maybe I could figure out Darwin system calls, but //! I’d rather not write retry loops anyway. The technique here is from [the `dynlib-rs`
server.go
/* Copyright IBM Corp. 2017 All Rights Reserved. SPDX-License-Identifier: Apache-2.0 */ package server import ( "fmt" "io/ioutil" "os" "runtime/debug" "time" "github.com/golang/protobuf/proto" cb "github.com/Yunpeng-J/fabric-protos-go/common" ab "github.com/Yunpeng-J/fabric-protos-go/orderer" "github.com/Yunpeng-J/HLF-2.2/common/deliver" "github.com/Yunpeng-J/HLF-2.2/common/metrics" "github.com/Yunpeng-J/HLF-2.2/common/policies" "github.com/Yunpeng-J/HLF-2.2/orderer/common/broadcast" localconfig "github.com/Yunpeng-J/HLF-2.2/orderer/common/localconfig" "github.com/Yunpeng-J/HLF-2.2/orderer/common/msgprocessor" "github.com/Yunpeng-J/HLF-2.2/orderer/common/multichannel" "github.com/Yunpeng-J/HLF-2.2/protoutil" "github.com/pkg/errors" ) type broadcastSupport struct { *multichannel.Registrar } func (bs broadcastSupport) BroadcastChannelSupport(msg *cb.Envelope) (*cb.ChannelHeader, bool, broadcast.ChannelSupport, error) { return bs.Registrar.BroadcastChannelSupport(msg) } type deliverSupport struct { *multichannel.Registrar } func (ds deliverSupport) GetChain(chainID string) deliver.Chain { chain := ds.Registrar.GetChain(chainID) if chain == nil { return nil } return chain } type server struct { bh *broadcast.Handler dh *deliver.Handler debug *localconfig.Debug *multichannel.Registrar } type responseSender struct { ab.AtomicBroadcast_DeliverServer } func (rs *responseSender) SendStatusResponse(status cb.Status) error { reply := &ab.DeliverResponse{ Type: &ab.DeliverResponse_Status{Status: status}, } return rs.Send(reply) } // SendBlockResponse sends block data and ignores pvtDataMap. func (rs *responseSender) SendBlockResponse( block *cb.Block, channelID string, chain deliver.Chain, signedData *protoutil.SignedData, ) error { response := &ab.DeliverResponse{ Type: &ab.DeliverResponse_Block{Block: block}, } return rs.Send(response) } func (rs *responseSender) DataType() string { return "block" } // NewServer creates an ab.AtomicBroadcastServer based on the broadcast target and ledger Reader func NewServer( r *multichannel.Registrar, metricsProvider metrics.Provider, debug *localconfig.Debug, timeWindow time.Duration, mutualTLS bool, expirationCheckDisabled bool, ) ab.AtomicBroadcastServer { s := &server{ dh: deliver.NewHandler(deliverSupport{Registrar: r}, timeWindow, mutualTLS, deliver.NewMetrics(metricsProvider), expirationCheckDisabled), bh: &broadcast.Handler{ SupportRegistrar: broadcastSupport{Registrar: r}, Metrics: broadcast.NewMetrics(metricsProvider), }, debug: debug, Registrar: r, } return s } type msgTracer struct { function string debug *localconfig.Debug } func (mt *msgTracer) trace(traceDir string, msg *cb.Envelope, err error) { if err != nil { return } now := time.Now().UnixNano() path := fmt.Sprintf("%s%c%d_%p.%s", traceDir, os.PathSeparator, now, msg, mt.function) logger.Debugf("Writing %s request trace to %s", mt.function, path) go func() { pb, err := proto.Marshal(msg) if err != nil
err = ioutil.WriteFile(path, pb, 0660) if err != nil { logger.Debugf("Error writing trace msg for %s: %s", path, err) } }() } type broadcastMsgTracer struct { ab.AtomicBroadcast_BroadcastServer msgTracer } func (bmt *broadcastMsgTracer) Recv() (*cb.Envelope, error) { msg, err := bmt.AtomicBroadcast_BroadcastServer.Recv() if traceDir := bmt.debug.BroadcastTraceDir; traceDir != "" { bmt.trace(bmt.debug.BroadcastTraceDir, msg, err) } return msg, err } type deliverMsgTracer struct { deliver.Receiver msgTracer } func (dmt *deliverMsgTracer) Recv() (*cb.Envelope, error) { msg, err := dmt.Receiver.Recv() if traceDir := dmt.debug.DeliverTraceDir; traceDir != "" { dmt.trace(traceDir, msg, err) } return msg, err } // Broadcast receives a stream of messages from a client for ordering func (s *server) Broadcast(srv ab.AtomicBroadcast_BroadcastServer) error { logger.Debugf("Starting new Broadcast handler") defer func() { if r := recover(); r != nil { logger.Criticalf("Broadcast client triggered panic: %s\n%s", r, debug.Stack()) } logger.Debugf("Closing Broadcast stream") }() return s.bh.Handle(&broadcastMsgTracer{ AtomicBroadcast_BroadcastServer: srv, msgTracer: msgTracer{ debug: s.debug, function: "Broadcast", }, }) } // Deliver sends a stream of blocks to a client after ordering func (s *server) Deliver(srv ab.AtomicBroadcast_DeliverServer) error { logger.Debugf("Starting new Deliver handler") defer func() { if r := recover(); r != nil { logger.Criticalf("Deliver client triggered panic: %s\n%s", r, debug.Stack()) } logger.Debugf("Closing Deliver stream") }() policyChecker := func(env *cb.Envelope, channelID string) error { chain := s.GetChain(channelID) if chain == nil { return errors.Errorf("channel %s not found", channelID) } // In maintenance mode, we typically require the signature of /Channel/Orderer/Readers. // This will block Deliver requests from peers (which normally satisfy /Channel/Readers). sf := msgprocessor.NewSigFilter(policies.ChannelReaders, policies.ChannelOrdererReaders, chain) return sf.Apply(env) } deliverServer := &deliver.Server{ PolicyChecker: deliver.PolicyCheckerFunc(policyChecker), Receiver: &deliverMsgTracer{ Receiver: srv, msgTracer: msgTracer{ debug: s.debug, function: "Deliver", }, }, ResponseSender: &responseSender{ AtomicBroadcast_DeliverServer: srv, }, } return s.dh.Handle(srv.Context(), deliverServer) }
{ logger.Debugf("Error marshaling trace msg for %s: %s", path, err) return }
util.py
import base64 import pickle import itertools from scipy import linalg from sklearn.decomposition import PCA import numpy as np from sklearn import cluster from sklearn import mixture from scipy.spatial import distance from sklearn.preprocessing import StandardScaler import requests from config import mapzen_api_key, mapbox_api_key import logging import logging.handlers import spacy nlp = spacy.load('en_core_web_sm') logger = logging.getLogger('ownphotos') fomatter = logging.Formatter( '%(asctime)s : %(filename)s : %(funcName)s : %(lineno)s : %(levelname)s : %(message)s') fileMaxByte = 256 * 1024 * 200 # 100MB fileHandler = logging.handlers.RotatingFileHandler( './logs/ownphotos.log', maxBytes=fileMaxByte, backupCount=10) fileHandler.setFormatter(fomatter) logger.addHandler(fileHandler) logger.setLevel(logging.INFO) def
(values): """ Helper function to convert the GPS coordinates stored in the EXIF to degress in float format :param value: :type value: exifread.utils.Ratio :rtype: float """ d = float(values[0].num) / float(values[0].den) m = float(values[1].num) / float(values[1].den) s = float(values[2].num) / float(values[2].den) return d + (m / 60.0) + (s / 3600.0) weekdays = {1:'Monday',2:'Tuesday',3:'Wednesday',4:'Thursday',5:'Friday',6:'Saturday',7:'Sunday'} def compute_bic(kmeans,X): """ Computes the BIC metric for a given clusters Parameters: ----------------------------------------- kmeans: List of clustering object from scikit learn X : multidimension np array of data points Returns: ----------------------------------------- BIC value """ # assign centers and labels centers = [kmeans.cluster_centers_] labels = kmeans.labels_ #number of clusters m = kmeans.n_clusters # size of the clusters n = np.bincount(labels) #size of data set N, d = X.shape #compute variance for all clusters beforehand cl_var = (1.0 / (N - m) / d) * sum([sum(distance.cdist(X[np.where(labels == i)], [centers[0][i]], 'euclidean')**2) for i in range(m)]) const_term = 0.5 * m * np.log(N) * (d+1) BIC = np.sum([n[i] * np.log(n[i]) - n[i] * np.log(N) - ((n[i] * d) / 2) * np.log(2*np.pi*cl_var) - ((n[i] - 1) * d/ 2) for i in range(m)]) - const_term return(BIC) def mapzen_reverse_geocode(lat,lon): url = "https://search.mapzen.com/v1/reverse?point.lat=%f&point.lon=%f&size=1&lang=en&api_key=%s"%(lat,lon,mapzen_api_key) resp = requests.get(url) if resp.status_code == 200: resp_json = resp.json() search_text = [] if len(resp_json['features']) > 0: if 'country' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['country']) if 'county' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['county']) if 'macrocounty' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['macrocounty']) if 'locality' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['locality']) if 'region' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['region']) if 'neighbourhood' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['neighbourhood']) if 'name' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['name']) if 'label' in resp_json['features'][0]['properties'].keys(): search_text.append(resp_json['features'][0]['properties']['label']) search_text = ' '.join(search_text) search_text = search_text.replace(',',' ') search_text_tokens = list(set(search_text.split())) search_text = ' '.join(search_text_tokens) resp_json['search_text'] = search_text return resp_json else: return {} def mapbox_reverse_geocode(lat,lon): url = "https://api.mapbox.com/geocoding/v5/mapbox.places/%f,%f.json?access_token=%s"%(lon,lat,mapbox_api_key) resp = requests.get(url) print(resp) if resp.status_code == 200: resp_json = resp.json() search_terms = [] if 'features' in resp_json.keys(): for feature in resp_json['features']: search_terms.append(feature['text']) logger.info('location search terms: %s'%(' '.join(search_terms))) resp_json['search_text'] = ' '.join(search_terms) return resp_json else: logger.info('mapbox returned non 200 response.') return {}
convert_to_degrees
fs.rs
//! Filesystem manipulation operations. //! //! This module contains basic methods to manipulate the contents of the local //! filesystem. All methods in this module represent cross-platform filesystem //! operations. Extra platform-specific functionality can be found in the //! extension traits of `std::os::$platform`. #![stable(feature = "rust1", since = "1.0.0")] #![deny(unsafe_op_in_unsafe_fn)] #[cfg(all(test, not(any(target_os = "emscripten", target_env = "sgx"))))] mod tests; use crate::ffi::OsString; use crate::fmt; use crate::io::{self, Initializer, IoSlice, IoSliceMut, Read, Seek, SeekFrom, Write}; use crate::path::{Path, PathBuf}; use crate::sys::fs as fs_imp; use crate::sys_common::{AsInner, AsInnerMut, FromInner, IntoInner}; use crate::time::SystemTime; /// A reference to an open file on the filesystem. /// /// An instance of a `File` can be read and/or written depending on what options /// it was opened with. Files also implement [`Seek`] to alter the logical cursor /// that the file contains internally. /// /// Files are automatically closed when they go out of scope. Errors detected /// on closing are ignored by the implementation of `Drop`. Use the method /// [`sync_all`] if these errors must be manually handled. /// /// # Examples /// /// Creates a new file and write bytes to it (you can also use [`write()`]): /// /// ```no_run /// use std::fs::File; /// use std::io::prelude::*; /// /// fn main() -> std::io::Result<()> { /// let mut file = File::create("foo.txt")?; /// file.write_all(b"Hello, world!")?; /// Ok(()) /// } /// ``` /// /// Read the contents of a file into a [`String`] (you can also use [`read`]): /// /// ```no_run /// use std::fs::File; /// use std::io::prelude::*; /// /// fn main() -> std::io::Result<()> { /// let mut file = File::open("foo.txt")?; /// let mut contents = String::new(); /// file.read_to_string(&mut contents)?; /// assert_eq!(contents, "Hello, world!"); /// Ok(()) /// } /// ``` /// /// It can be more efficient to read the contents of a file with a buffered /// [`Read`]er. This can be accomplished with [`BufReader<R>`]: /// /// ```no_run /// use std::fs::File; /// use std::io::BufReader; /// use std::io::prelude::*; /// /// fn main() -> std::io::Result<()> { /// let file = File::open("foo.txt")?; /// let mut buf_reader = BufReader::new(file); /// let mut contents = String::new(); /// buf_reader.read_to_string(&mut contents)?; /// assert_eq!(contents, "Hello, world!"); /// Ok(()) /// } /// ``` /// /// Note that, although read and write methods require a `&mut File`, because /// of the interfaces for [`Read`] and [`Write`], the holder of a `&File` can /// still modify the file, either through methods that take `&File` or by /// retrieving the underlying OS object and modifying the file that way. /// Additionally, many operating systems allow concurrent modification of files /// by different processes. Avoid assuming that holding a `&File` means that the /// file will not change. /// /// [`BufReader<R>`]: io::BufReader /// [`sync_all`]: File::sync_all #[stable(feature = "rust1", since = "1.0.0")] #[cfg_attr(not(test), rustc_diagnostic_item = "File")] pub struct File { inner: fs_imp::File, } /// Metadata information about a file. /// /// This structure is returned from the [`metadata`] or /// [`symlink_metadata`] function or method and represents known /// metadata about a file such as its permissions, size, modification /// times, etc. #[stable(feature = "rust1", since = "1.0.0")] #[derive(Clone)] pub struct Metadata(fs_imp::FileAttr); /// Iterator over the entries in a directory. /// /// This iterator is returned from the [`read_dir`] function of this module and /// will yield instances of [`io::Result`]`<`[`DirEntry`]`>`. Through a [`DirEntry`] /// information like the entry's path and possibly other metadata can be /// learned. /// /// The order in which this iterator returns entries is platform and filesystem /// dependent. /// /// # Errors /// /// This [`io::Result`] will be an [`Err`] if there's some sort of intermittent /// IO error during iteration. #[stable(feature = "rust1", since = "1.0.0")] #[derive(Debug)] pub struct ReadDir(fs_imp::ReadDir); /// Entries returned by the [`ReadDir`] iterator. /// /// An instance of `DirEntry` represents an entry inside of a directory on the /// filesystem. Each entry can be inspected via methods to learn about the full /// path or possibly other metadata through per-platform extension traits. #[stable(feature = "rust1", since = "1.0.0")] pub struct DirEntry(fs_imp::DirEntry); /// Options and flags which can be used to configure how a file is opened. /// /// This builder exposes the ability to configure how a [`File`] is opened and /// what operations are permitted on the open file. The [`File::open`] and /// [`File::create`] methods are aliases for commonly used options using this /// builder. /// /// Generally speaking, when using `OpenOptions`, you'll first call /// [`OpenOptions::new`], then chain calls to methods to set each option, then /// call [`OpenOptions::open`], passing the path of the file you're trying to /// open. This will give you a [`io::Result`] with a [`File`] inside that you /// can further operate on. /// /// # Examples /// /// Opening a file to read: /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().read(true).open("foo.txt"); /// ``` /// /// Opening a file for both reading and writing, as well as creating it if it /// doesn't exist: /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new() /// .read(true) /// .write(true) /// .create(true) /// .open("foo.txt"); /// ``` #[derive(Clone, Debug)] #[stable(feature = "rust1", since = "1.0.0")] pub struct OpenOptions(fs_imp::OpenOptions); /// Representation of the various permissions on a file. /// /// This module only currently provides one bit of information, /// [`Permissions::readonly`], which is exposed on all currently supported /// platforms. Unix-specific functionality, such as mode bits, is available /// through the [`PermissionsExt`] trait. /// /// [`PermissionsExt`]: crate::os::unix::fs::PermissionsExt #[derive(Clone, PartialEq, Eq, Debug)] #[stable(feature = "rust1", since = "1.0.0")] pub struct Permissions(fs_imp::FilePermissions); /// A structure representing a type of file with accessors for each file type. /// It is returned by [`Metadata::file_type`] method. #[stable(feature = "file_type", since = "1.1.0")] #[derive(Copy, Clone, PartialEq, Eq, Hash, Debug)] #[cfg_attr(not(test), rustc_diagnostic_item = "FileType")] pub struct FileType(fs_imp::FileType); /// A builder used to create directories in various manners. /// /// This builder also supports platform-specific options. #[stable(feature = "dir_builder", since = "1.6.0")] #[cfg_attr(not(test), rustc_diagnostic_item = "DirBuilder")] #[derive(Debug)] pub struct DirBuilder { inner: fs_imp::DirBuilder, recursive: bool, } /// Indicates how large a buffer to pre-allocate before reading the entire file. fn initial_buffer_size(file: &File) -> usize { // Allocate one extra byte so the buffer doesn't need to grow before the // final `read` call at the end of the file. Don't worry about `usize` // overflow because reading will fail regardless in that case. file.metadata().map(|m| m.len() as usize + 1).unwrap_or(0) } /// Read the entire contents of a file into a bytes vector. /// /// This is a convenience function for using [`File::open`] and [`read_to_end`] /// with fewer imports and without an intermediate variable. It pre-allocates a /// buffer based on the file size when available, so it is generally faster than /// reading into a vector created with [`Vec::new()`]. /// /// [`read_to_end`]: Read::read_to_end /// /// # Errors /// /// This function will return an error if `path` does not already exist. /// Other errors may also be returned according to [`OpenOptions::open`]. /// /// It will also return an error if it encounters while reading an error /// of a kind other than [`io::ErrorKind::Interrupted`]. /// /// # Examples /// /// ```no_run /// use std::fs; /// use std::net::SocketAddr; /// /// fn main() -> Result<(), Box<dyn std::error::Error + 'static>> { /// let foo: SocketAddr = String::from_utf8_lossy(&fs::read("address.txt")?).parse()?; /// Ok(()) /// } /// ``` #[stable(feature = "fs_read_write_bytes", since = "1.26.0")] pub fn read<P: AsRef<Path>>(path: P) -> io::Result<Vec<u8>> { fn inner(path: &Path) -> io::Result<Vec<u8>> { let mut file = File::open(path)?; let mut bytes = Vec::with_capacity(initial_buffer_size(&file)); file.read_to_end(&mut bytes)?; Ok(bytes) } inner(path.as_ref()) } /// Read the entire contents of a file into a string. /// /// This is a convenience function for using [`File::open`] and [`read_to_string`] /// with fewer imports and without an intermediate variable. It pre-allocates a /// buffer based on the file size when available, so it is generally faster than /// reading into a string created with [`String::new()`]. /// /// [`read_to_string`]: Read::read_to_string /// /// # Errors /// /// This function will return an error if `path` does not already exist. /// Other errors may also be returned according to [`OpenOptions::open`]. /// /// It will also return an error if it encounters while reading an error /// of a kind other than [`io::ErrorKind::Interrupted`], /// or if the contents of the file are not valid UTF-8. /// /// # Examples /// /// ```no_run /// use std::fs; /// use std::net::SocketAddr; /// use std::error::Error; /// /// fn main() -> Result<(), Box<dyn Error>> { /// let foo: SocketAddr = fs::read_to_string("address.txt")?.parse()?; /// Ok(()) /// } /// ``` #[stable(feature = "fs_read_write", since = "1.26.0")] pub fn read_to_string<P: AsRef<Path>>(path: P) -> io::Result<String> { fn inner(path: &Path) -> io::Result<String> { let mut file = File::open(path)?; let mut string = String::with_capacity(initial_buffer_size(&file)); file.read_to_string(&mut string)?; Ok(string) } inner(path.as_ref()) } /// Write a slice as the entire contents of a file. /// /// This function will create a file if it does not exist, /// and will entirely replace its contents if it does. /// /// This is a convenience function for using [`File::create`] and [`write_all`] /// with fewer imports. /// /// [`write_all`]: Write::write_all /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::write("foo.txt", b"Lorem ipsum")?; /// fs::write("bar.txt", "dolor sit")?; /// Ok(()) /// } /// ``` #[stable(feature = "fs_read_write_bytes", since = "1.26.0")] pub fn write<P: AsRef<Path>, C: AsRef<[u8]>>(path: P, contents: C) -> io::Result<()> { fn inner(path: &Path, contents: &[u8]) -> io::Result<()> { File::create(path)?.write_all(contents) } inner(path.as_ref(), contents.as_ref()) } impl File { /// Attempts to open a file in read-only mode. /// /// See the [`OpenOptions::open`] method for more details. /// /// # Errors /// /// This function will return an error if `path` does not already exist. /// Other errors may also be returned according to [`OpenOptions::open`]. /// /// # Examples /// /// ```no_run /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::open("foo.txt")?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn open<P: AsRef<Path>>(path: P) -> io::Result<File> { OpenOptions::new().read(true).open(path.as_ref()) } /// Opens a file in write-only mode. /// /// This function will create a file if it does not exist, /// and will truncate it if it does. /// /// See the [`OpenOptions::open`] function for more details. /// /// # Examples /// /// ```no_run /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::create("foo.txt")?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn create<P: AsRef<Path>>(path: P) -> io::Result<File> { OpenOptions::new().write(true).create(true).truncate(true).open(path.as_ref()) } /// Returns a new OpenOptions object. /// /// This function returns a new OpenOptions object that you can use to /// open or create a file with specific options if `open()` or `create()` /// are not appropriate. /// /// It is equivalent to `OpenOptions::new()` but allows you to write more /// readable code. Instead of `OpenOptions::new().read(true).open("foo.txt")` /// you can write `File::with_options().read(true).open("foo.txt")`. This /// also avoids the need to import `OpenOptions`. /// /// See the [`OpenOptions::new`] function for more details. /// /// # Examples /// /// ```no_run /// #![feature(with_options)] /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::with_options().read(true).open("foo.txt")?; /// Ok(()) /// } /// ``` #[unstable(feature = "with_options", issue = "65439")] pub fn with_options() -> OpenOptions { OpenOptions::new() } /// Attempts to sync all OS-internal metadata to disk. /// /// This function will attempt to ensure that all in-memory data reaches the /// filesystem before returning. /// /// This can be used to handle errors that would otherwise only be caught /// when the `File` is closed. Dropping a file will ignore errors in /// synchronizing this in-memory data. /// /// # Examples /// /// ```no_run /// use std::fs::File; /// use std::io::prelude::*; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::create("foo.txt")?; /// f.write_all(b"Hello, world!")?; /// /// f.sync_all()?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn sync_all(&self) -> io::Result<()> { self.inner.fsync() } /// This function is similar to [`sync_all`], except that it may not /// synchronize file metadata to the filesystem. /// /// This is intended for use cases that must synchronize content, but don't /// need the metadata on disk. The goal of this method is to reduce disk /// operations. /// /// Note that some platforms may simply implement this in terms of /// [`sync_all`]. /// /// [`sync_all`]: File::sync_all /// /// # Examples /// /// ```no_run /// use std::fs::File; /// use std::io::prelude::*; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::create("foo.txt")?; /// f.write_all(b"Hello, world!")?; /// /// f.sync_data()?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn sync_data(&self) -> io::Result<()> { self.inner.datasync() } /// Truncates or extends the underlying file, updating the size of /// this file to become `size`. /// /// If the `size` is less than the current file's size, then the file will /// be shrunk. If it is greater than the current file's size, then the file /// will be extended to `size` and have all of the intermediate data filled /// in with 0s. /// /// The file's cursor isn't changed. In particular, if the cursor was at the /// end and the file is shrunk using this operation, the cursor will now be /// past the end. /// /// # Errors /// /// This function will return an error if the file is not opened for writing. /// Also, std::io::ErrorKind::InvalidInput will be returned if the desired /// length would cause an overflow due to the implementation specifics. /// /// # Examples /// /// ```no_run /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::create("foo.txt")?; /// f.set_len(10)?; /// Ok(()) /// } /// ``` /// /// Note that this method alters the content of the underlying file, even /// though it takes `&self` rather than `&mut self`. #[stable(feature = "rust1", since = "1.0.0")] pub fn set_len(&self, size: u64) -> io::Result<()> { self.inner.truncate(size) } /// Queries metadata about the underlying file. /// /// # Examples /// /// ```no_run /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::open("foo.txt")?; /// let metadata = f.metadata()?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn metadata(&self) -> io::Result<Metadata> { self.inner.file_attr().map(Metadata) } /// Creates a new `File` instance that shares the same underlying file handle /// as the existing `File` instance. Reads, writes, and seeks will affect /// both `File` instances simultaneously. /// /// # Examples /// /// Creates two handles for a file named `foo.txt`: /// /// ```no_run /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let mut file = File::open("foo.txt")?; /// let file_copy = file.try_clone()?; /// Ok(()) /// } /// ``` /// /// Assuming there’s a file named `foo.txt` with contents `abcdef\n`, create /// two handles, seek one of them, and read the remaining bytes from the /// other handle: /// /// ```no_run /// use std::fs::File; /// use std::io::SeekFrom; /// use std::io::prelude::*; /// /// fn main() -> std::io::Result<()> { /// let mut file = File::open("foo.txt")?; /// let mut file_copy = file.try_clone()?; /// /// file.seek(SeekFrom::Start(3))?; /// /// let mut contents = vec![]; /// file_copy.read_to_end(&mut contents)?; /// assert_eq!(contents, b"def\n"); /// Ok(()) /// } /// ``` #[stable(feature = "file_try_clone", since = "1.9.0")] pub fn try_clone(&self) -> io::Result<File> { Ok(File { inner: self.inner.duplicate()? }) } /// Changes the permissions on the underlying file. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `fchmod` function on Unix and /// the `SetFileInformationByHandle` function on Windows. Note that, this /// [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error if the user lacks permission change /// attributes on the underlying file. It may also return an error in other /// os-specific unspecified cases. /// /// # Examples /// /// ```no_run /// fn main() -> std::io::Result<()> { /// use std::fs::File; /// /// let file = File::open("foo.txt")?; /// let mut perms = file.metadata()?.permissions(); /// perms.set_readonly(true); /// file.set_permissions(perms)?; /// Ok(()) /// } /// ``` /// /// Note that this method alters the permissions of the underlying file, /// even though it takes `&self` rather than `&mut self`. #[stable(feature = "set_permissions_atomic", since = "1.16.0")] pub fn set_permissions(&self, perm: Permissions) -> io::Result<()> { self.inner.set_permissions(perm.0) } } impl AsInner<fs_imp::File> for File { fn as_inner(&self) -> &fs_imp::File { &self.inner } } impl FromInner<fs_imp::File> for File { fn from_inner(f: fs_imp::File) -> File { File { inner: f } } } impl IntoInner<fs_imp::File> for File { fn into_inner(self) -> fs_imp::File { self.inner } } #[stable(feature = "rust1", since = "1.0.0")] impl fmt::Debug for File { fn fmt(&self, f: &mut fmt::Formatter<'_>) -> fmt::Result { self.inner.fmt(f) } } #[stable(feature = "rust1", since = "1.0.0")] impl Read for File { fn read(&mut self, buf: &mut [u8]) -> io::Result<usize> { self.inner.read(buf) } fn read_vectored(&mut self, bufs: &mut [IoSliceMut<'_>]) -> io::Result<usize> { self.inner.read_vectored(bufs) } #[inline] fn is_read_vectored(&self) -> bool { self.inner.is_read_vectored() } #[inline] unsafe fn initializer(&self) -> Initializer { // SAFETY: Read is guaranteed to work on uninitialized memory unsafe { Initializer::nop() } } } #[stable(feature = "rust1", since = "1.0.0")] impl Write for File { fn write(&mut self, buf: &[u8]) -> io::Result<usize> { self.inner.write(buf) } fn write_vectored(&mut self, bufs: &[IoSlice<'_>]) -> io::Result<usize> { self.inner.write_vectored(bufs) } #[inline] fn is_write_vectored(&self) -> bool { self.inner.is_write_vectored() } fn flush(&mut self) -> io::Result<()> { self.inner.flush() } } #[stable(feature = "rust1", since = "1.0.0")] impl Seek for File { fn seek(&mut self, pos: SeekFrom) -> io::Result<u64> { self.inner.seek(pos) } } #[stable(feature = "rust1", since = "1.0.0")] impl Read for &File { fn read(&mut self, buf: &mut [u8]) -> io::Result<usize> { self.inner.read(buf) } fn read_vectored(&mut self, bufs: &mut [IoSliceMut<'_>]) -> io::Result<usize> { self.inner.read_vectored(bufs) } #[inline] fn is_read_vectored(&self) -> bool { self.inner.is_read_vectored() } #[inline] unsafe fn initializer(&self) -> Initializer { // SAFETY: Read is guaranteed to work on uninitialized memory unsafe { Initializer::nop() } } } #[stable(feature = "rust1", since = "1.0.0")] impl Write for &File { fn write(&mut self, buf: &[u8]) -> io::Result<usize> { self.inner.write(buf) } fn write_vectored(&mut self, bufs: &[IoSlice<'_>]) -> io::Result<usize> { self.inner.write_vectored(bufs) } #[inline] fn is_write_vectored(&self) -> bool { self.inner.is_write_vectored() } fn flush(&mut self) -> io::Result<()> { self.inner.flush() } } #[stable(feature = "rust1", since = "1.0.0")] impl Seek for &File { fn seek(&mut self, pos: SeekFrom) -> io::Result<u64> { self.inner.seek(pos) } } impl OpenOptions { /// Creates a blank new set of options ready for configuration. /// /// All options are initially set to `false`. /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let mut options = OpenOptions::new(); /// let file = options.read(true).open("foo.txt"); /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn new() -> Self { OpenOptions(fs_imp::OpenOptions::new()) } /// Sets the option for read access. /// /// This option, when true, will indicate that the file should be /// `read`-able if opened. /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().read(true).open("foo.txt"); /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn read(&mut self, read: bool) -> &mut Self { self.0.read(read); self } /// Sets the option for write access. /// /// This option, when true, will indicate that the file should be /// `write`-able if opened. /// /// If the file already exists, any write calls on it will overwrite its /// contents, without truncating it. /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().write(true).open("foo.txt"); /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn write(&mut self, write: bool) -> &mut Self { self.0.write(write); self } /// Sets the option for the append mode. /// /// This option, when true, means that writes will append to a file instead /// of overwriting previous contents. /// Note that setting `.write(true).append(true)` has the same effect as /// setting only `.append(true)`. /// /// For most filesystems, the operating system guarantees that all writes are /// atomic: no writes get mangled because another process writes at the same /// time. /// /// One maybe obvious note when using append-mode: make sure that all data /// that belongs together is written to the file in one operation. This /// can be done by concatenating strings before passing them to [`write()`], /// or using a buffered writer (with a buffer of adequate size), /// and calling [`flush()`] when the message is complete. /// /// If a file is opened with both read and append access, beware that after /// opening, and after every write, the position for reading may be set at the /// end of the file. So, before writing, save the current position (using /// [`seek`]`(`[`SeekFrom`]`::`[`Current`]`(0))`), and restore it before the next read. /// /// ## Note /// /// This function doesn't create the file if it doesn't exist. Use the /// [`OpenOptions::create`] method to do so. /// /// [`write()`]: Write::write /// [`flush()`]: Write::flush /// [`seek`]: Seek::seek /// [`Current`]: SeekFrom::Current /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().append(true).open("foo.txt"); /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn append(&mut self, append: bool) -> &mut Self { self.0.append(append); self } /// Sets the option for truncating a previous file. /// /// If a file is successfully opened with this option set it will truncate /// the file to 0 length if it already exists. /// /// The file must be opened with write access for truncate to work. /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().write(true).truncate(true).open("foo.txt"); /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn truncate(&mut self, truncate: bool) -> &mut Self { self.0.truncate(truncate); self } /// Sets the option to create a new file, or open it if it already exists. /// /// In order for the file to be created, [`OpenOptions::write`] or /// [`OpenOptions::append`] access must be used. /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().write(true).create(true).open("foo.txt"); /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn create(&mut self, create: bool) -> &mut Self { self.0.create(create); self } /// Sets the option to create a new file, failing if it already exists. /// /// No file is allowed to exist at the target location, also no (dangling) symlink. In this /// way, if the call succeeds, the file returned is guaranteed to be new. /// /// This option is useful because it is atomic. Otherwise between checking /// whether a file exists and creating a new one, the file may have been /// created by another process (a TOCTOU race condition / attack). /// /// If `.create_new(true)` is set, [`.create()`] and [`.truncate()`] are /// ignored. /// /// The file must be opened with write or append access in order to create /// a new file. /// /// [`.create()`]: OpenOptions::create /// [`.truncate()`]: OpenOptions::truncate /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().write(true) /// .create_new(true) /// .open("foo.txt"); /// ``` #[stable(feature = "expand_open_options2", since = "1.9.0")] pub fn create_new(&mut self, create_new: bool) -> &mut Self { self.0.create_new(create_new); self } /// Opens a file at `path` with the options specified by `self`. /// /// # Errors /// /// This function will return an error under a number of different /// circumstances. Some of these error conditions are listed here, together /// with their [`io::ErrorKind`]. The mapping to [`io::ErrorKind`]s is not /// part of the compatibility contract of the function. /// /// * [`NotFound`]: The specified file does not exist and neither `create` /// or `create_new` is set. /// * [`NotFound`]: One of the directory components of the file path does /// not exist. /// * [`PermissionDenied`]: The user lacks permission to get the specified /// access rights for the file. /// * [`PermissionDenied`]: The user lacks permission to open one of the /// directory components of the specified path. /// * [`AlreadyExists`]: `create_new` was specified and the file already /// exists. /// * [`InvalidInput`]: Invalid combinations of open options (truncate /// without write access, no access mode set, etc.). /// /// The following errors don't match any existing [`io::ErrorKind`] at the moment: /// * One of the directory components of the specified file path /// was not, in fact, a directory. /// * Filesystem-level errors: full disk, write permission /// requested on a read-only file system, exceeded disk quota, too many /// open files, too long filename, too many symbolic links in the /// specified path (Unix-like systems only), etc. /// /// # Examples /// /// ```no_run /// use std::fs::OpenOptions; /// /// let file = OpenOptions::new().read(true).open("foo.txt"); /// ``` /// /// [`AlreadyExists`]: io::ErrorKind::AlreadyExists /// [`InvalidInput`]: io::ErrorKind::InvalidInput /// [`NotFound`]: io::ErrorKind::NotFound /// [`PermissionDenied`]: io::ErrorKind::PermissionDenied #[stable(feature = "rust1", since = "1.0.0")] pub fn open<P: AsRef<Path>>(&self, path: P) -> io::Result<File> { self._open(path.as_ref()) } fn _open(&self, path: &Path) -> io::Result<File> { fs_imp::File::open(path, &self.0).map(|inner| File { inner }) } } impl AsInner<fs_imp::OpenOptions> for OpenOptions { fn as_inner(&self) -> &fs_imp::OpenOptions { &self.0 } } impl AsInnerMut<fs_imp::OpenOptions> for OpenOptions { fn as_inner_mut(&mut self) -> &mut fs_imp::OpenOptions { &mut self.0 } } impl Metadata { /// Returns the file type for this metadata. /// /// # Examples /// /// ```no_run /// fn main() -> std::io::Result<()> { /// use std::fs; /// /// let metadata = fs::metadata("foo.txt")?; /// /// println!("{:?}", metadata.file_type()); /// Ok(()) /// } /// ``` #[stable(feature = "file_type", since = "1.1.0")] pub fn file_type(&self) -> FileType { FileType(self.0.file_type()) } /// Returns `true` if this metadata is for a directory. The /// result is mutually exclusive to the result of /// [`Metadata::is_file`], and will be false for symlink metadata /// obtained from [`symlink_metadata`]. /// /// # Examples /// /// ```no_run /// fn main() -> std::io::Result<()> { /// use std::fs; /// /// let metadata = fs::metadata("foo.txt")?; /// /// assert!(!metadata.is_dir()); /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn is_dir(&self) -> bool { self.file_type().is_dir() } /// Returns `true` if this metadata is for a regular file. The /// result is mutually exclusive to the result of /// [`Metadata::is_dir`], and will be false for symlink metadata /// obtained from [`symlink_metadata`]. /// /// When the goal is simply to read from (or write to) the source, the most /// reliable way to test the source can be read (or written to) is to open /// it. Only using `is_file` can break workflows like `diff <( prog_a )` on /// a Unix-like system for example. See [`File::open`] or /// [`OpenOptions::open`] for more information. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let metadata = fs::metadata("foo.txt")?; /// /// assert!(metadata.is_file()); /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn is_file(&self) -> bool { self.file_type().is_file() } /// Returns `true` if this metadata is for a symbolic link. /// /// # Examples /// #[cfg_attr(unix, doc = "```no_run")] #[cfg_attr(not(unix), doc = "```ignore")] /// #![feature(is_symlink)] /// use std::fs; /// use std::path::Path; /// use std::os::unix::fs::symlink; /// /// fn main() -> std::io::Result<()> { /// let link_path = Path::new("link"); /// symlink("/origin_does_not_exists/", link_path)?; /// /// let metadata = fs::symlink_metadata(link_path)?; /// /// assert!(metadata.is_symlink()); /// Ok(()) /// } /// ``` #[unstable(feature = "is_symlink", issue = "85748")] pub fn is_symlink(&self) -> bool { self.file_type().is_symlink() } /// Returns the size of the file, in bytes, this metadata is for. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let metadata = fs::metadata("foo.txt")?; /// /// assert_eq!(0, metadata.len()); /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn len(&self) -> u64 { self.0.size() } /// Returns the permissions of the file this metadata is for. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let metadata = fs::metadata("foo.txt")?; /// /// assert!(!metadata.permissions().readonly()); /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn permissions(&self) -> Permissions { Permissions(self.0.perm()) } /// Returns the last modification time listed in this metadata. /// /// The returned value corresponds to the `mtime` field of `stat` on Unix /// platforms and the `ftLastWriteTime` field on Windows platforms. /// /// # Errors /// /// This field may not be available on all platforms, and will return an /// `Err` on platforms where it is not available. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let metadata = fs::metadata("foo.txt")?; /// /// if let Ok(time) = metadata.modified() { /// println!("{:?}", time); /// } else { /// println!("Not supported on this platform"); /// } /// Ok(()) /// } /// ``` #[stable(feature = "fs_time", since = "1.10.0")] pub fn modified(&self) -> io::Result<SystemTime> { self.0.modified().map(FromInner::from_inner) } /// Returns the last access time of this metadata. /// /// The returned value corresponds to the `atime` field of `stat` on Unix /// platforms and the `ftLastAccessTime` field on Windows platforms. /// /// Note that not all platforms will keep this field update in a file's /// metadata, for example Windows has an option to disable updating this /// time when files are accessed and Linux similarly has `noatime`. /// /// # Errors /// /// This field may not be available on all platforms, and will return an /// `Err` on platforms where it is not available. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let metadata = fs::metadata("foo.txt")?; /// /// if let Ok(time) = metadata.accessed() { /// println!("{:?}", time); /// } else { /// println!("Not supported on this platform"); /// } /// Ok(()) /// } /// ``` #[stable(feature = "fs_time", since = "1.10.0")] pub fn accessed(&self) -> io::Result<SystemTime> { self.0.accessed().map(FromInner::from_inner) } /// Returns the creation time listed in this metadata. /// /// The returned value corresponds to the `btime` field of `statx` on /// Linux kernel starting from to 4.11, the `birthtime` field of `stat` on other /// Unix platforms, and the `ftCreationTime` field on Windows platforms. /// /// # Errors /// /// This field may not be available on all platforms, and will return an /// `Err` on platforms or filesystems where it is not available. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let metadata = fs::metadata("foo.txt")?; /// /// if let Ok(time) = metadata.created() { /// println!("{:?}", time); /// } else { /// println!("Not supported on this platform or filesystem"); /// } /// Ok(()) /// } /// ``` #[stable(feature = "fs_time", since = "1.10.0")] pub fn created(&self) -> io::Result<SystemTime> { self.0.created().map(FromInner::from_inner) } } #[stable(feature = "std_debug", since = "1.16.0")] impl fmt::Debug for Metadata { fn fmt(&self, f: &mut fmt::Formatter<'_>) -> fmt::Result { f.debug_struct("Metadata") .field("file_type", &self.file_type()) .field("is_dir", &self.is_dir()) .field("is_file", &self.is_file()) .field("permissions", &self.permissions()) .field("modified", &self.modified()) .field("accessed", &self.accessed()) .field("created", &self.created()) .finish_non_exhaustive() } } impl AsInner<fs_imp::FileAttr> for Metadata { fn as_inner(&self) -> &fs_imp::FileAttr { &self.0 } } impl FromInner<fs_imp::FileAttr> for Metadata { fn from_inner(attr: fs_imp::FileAttr) -> Metadata { Metadata(attr) } } impl Permissions { /// Returns `true` if these permissions describe a readonly (unwritable) file. /// /// # Examples /// /// ```no_run /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let mut f = File::create("foo.txt")?; /// let metadata = f.metadata()?; /// /// assert_eq!(false, metadata.permissions().readonly()); /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn readonly(&self) -> bool { self.0.readonly() } /// Modifies the readonly flag for this set of permissions. If the /// `readonly` argument is `true`, using the resulting `Permission` will /// update file permissions to forbid writing. Conversely, if it's `false`, /// using the resulting `Permission` will update file permissions to allow /// writing. /// /// This operation does **not** modify the filesystem. To modify the /// filesystem use the [`set_permissions`] function. /// /// # Examples /// /// ```no_run /// use std::fs::File; /// /// fn main() -> std::io::Result<()> { /// let f = File::create("foo.txt")?; /// let metadata = f.metadata()?; /// let mut permissions = metadata.permissions(); /// /// permissions.set_readonly(true); /// /// // filesystem doesn't change /// assert_eq!(false, metadata.permissions().readonly()); /// /// // just this particular `permissions`. /// assert_eq!(true, permissions.readonly()); /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn set_readonly(&mut self, readonly: bool) { self.0.set_readonly(readonly) } } impl FileType { /// Tests whether this file type represents a directory. The /// result is mutually exclusive to the results of /// [`is_file`] and [`is_symlink`]; only zero or one of these /// tests may pass. /// /// [`is_file`]: FileType::is_file /// [`is_symlink`]: FileType::is_symlink /// /// # Examples /// /// ```no_run /// fn main() -> std::io::Result<()> { /// use std::fs; /// /// let metadata = fs::metadata("foo.txt")?; /// let file_type = metadata.file_type(); /// /// assert_eq!(file_type.is_dir(), false); /// Ok(()) /// } /// ``` #[stable(feature = "file_type", since = "1.1.0")] pub fn is_dir(&self) -> bool { self.0.is_dir() } /// Tests whether this file type represents a regular file. /// The result is mutually exclusive to the results of /// [`is_dir`] and [`is_symlink`]; only zero or one of these /// tests may pass. /// /// When the goal is simply to read from (or write to) the source, the most /// reliable way to test the source can be read (or written to) is to open /// it. Only using `is_file` can break workflows like `diff <( prog_a )` on /// a Unix-like system for example. See [`File::open`] or /// [`OpenOptions::open`] for more information. /// /// [`is_dir`]: FileType::is_dir /// [`is_symlink`]: FileType::is_symlink /// /// # Examples /// /// ```no_run /// fn main() -> std::io::Result<()> { /// use std::fs; /// /// let metadata = fs::metadata("foo.txt")?; /// let file_type = metadata.file_type(); /// /// assert_eq!(file_type.is_file(), true); /// Ok(()) /// } /// ``` #[stable(feature = "file_type", since = "1.1.0")] pub fn is_file(&self) -> bool { self.0.is_file() } /// Tests whether this file type represents a symbolic link. /// The result is mutually exclusive to the results of /// [`is_dir`] and [`is_file`]; only zero or one of these /// tests may pass. /// /// The underlying [`Metadata`] struct needs to be retrieved /// with the [`fs::symlink_metadata`] function and not the /// [`fs::metadata`] function. The [`fs::metadata`] function /// follows symbolic links, so [`is_symlink`] would always /// return `false` for the target file. /// /// [`fs::metadata`]: metadata /// [`fs::symlink_metadata`]: symlink_metadata /// [`is_dir`]: FileType::is_dir /// [`is_file`]: FileType::is_file /// [`is_symlink`]: FileType::is_symlink /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let metadata = fs::symlink_metadata("foo.txt")?; /// let file_type = metadata.file_type(); /// /// assert_eq!(file_type.is_symlink(), false); /// Ok(()) /// } /// ``` #[stable(feature = "file_type", since = "1.1.0")] pub fn is_symlink(&self) -> bool { self.0.is_symlink() } } impl AsInner<fs_imp::FileType> for FileType { fn as_inner(&self) -> &fs_imp::FileType { &self.0 } } impl FromInner<fs_imp::FilePermissions> for Permissions { fn from_inner(f: fs_imp::FilePermissions) -> Permissions { Permissions(f) } } impl AsInner<fs_imp::FilePermissions> for Permissions { fn as_inner(&self) -> &fs_imp::FilePermissions { &self.0 } } #[stable(feature = "rust1", since = "1.0.0")] impl Iterator for ReadDir { type Item = io::Result<DirEntry>; fn next(&mut self) -> Option<io::Result<DirEntry>> { self.0.next().map(|entry| entry.map(DirEntry)) } } impl DirEntry { /// Returns the full path to the file that this entry represents. /// /// The full path is created by joining the original path to `read_dir` /// with the filename of this entry. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// for entry in fs::read_dir(".")? { /// let dir = entry?; /// println!("{:?}", dir.path()); /// } /// Ok(()) /// } /// ``` /// /// This prints output like: /// /// ```text /// "./whatever.txt" /// "./foo.html" /// "./hello_world.rs" /// ``` /// /// The exact text, of course, depends on what files you have in `.`. #[stable(feature = "rust1", since = "1.0.0")] pub fn path(&self) -> PathBuf { self.0.path() } /// Returns the metadata for the file that this entry points at. /// /// This function will not traverse symlinks if this entry points at a /// symlink. To traverse symlinks use [`fs::metadata`] or [`fs::File::metadata`]. /// /// [`fs::metadata`]: metadata /// [`fs::File::metadata`]: File::metadata /// /// # Platform-specific behavior /// /// On Windows this function is cheap to call (no extra system calls /// needed), but on Unix platforms this function is the equivalent of /// calling `symlink_metadata` on the path. /// /// # Examples /// /// ``` /// use std::fs; /// /// if let Ok(entries) = fs::read_dir(".") { /// for entry in entries { /// if let Ok(entry) = entry { /// // Here, `entry` is a `DirEntry`. /// if let Ok(metadata) = entry.metadata() { /// // Now let's show our entry's permissions! /// println!("{:?}: {:?}", entry.path(), metadata.permissions()); /// } else { /// println!("Couldn't get metadata for {:?}", entry.path()); /// } /// } /// } /// } /// ``` #[stable(feature = "dir_entry_ext", since = "1.1.0")] pub fn metadata(&self) -> io::Result<Metadata> { self.0.metadata().map(Metadata) } /// Returns the file type for the file that this entry points at. /// /// This function will not traverse symlinks if this entry points at a /// symlink. /// /// # Platform-specific behavior /// /// On Windows and most Unix platforms this function is free (no extra /// system calls needed), but some Unix platforms may require the equivalent /// call to `symlink_metadata` to learn about the target file type. /// /// # Examples /// /// ``` /// use std::fs; /// /// if let Ok(entries) = fs::read_dir(".") { /// for entry in entries { /// if let Ok(entry) = entry { /// // Here, `entry` is a `DirEntry`. /// if let Ok(file_type) = entry.file_type() { /// // Now let's show our entry's file type! /// println!("{:?}: {:?}", entry.path(), file_type); /// } else { /// println!("Couldn't get file type for {:?}", entry.path()); /// } /// } /// } /// } /// ``` #[stable(feature = "dir_entry_ext", since = "1.1.0")] pub fn file_type(&self) -> io::Result<FileType> { self.0.file_type().map(FileType) } /// Returns the bare file name of this directory entry without any other /// leading path component. /// /// # Examples /// /// ``` /// use std::fs; /// /// if let Ok(entries) = fs::read_dir(".") { /// for entry in entries { /// if let Ok(entry) = entry { /// // Here, `entry` is a `DirEntry`. /// println!("{:?}", entry.file_name()); /// } /// } /// } /// ``` #[stable(feature = "dir_entry_ext", since = "1.1.0")] pub fn file_name(&self) -> OsString { self.0.file_name() } } #[stable(feature = "dir_entry_debug", since = "1.13.0")] impl fmt::Debug for DirEntry { fn fmt(&self, f: &mut fmt::Formatter<'_>) -> fmt::Result { f.debug_tuple("DirEntry").field(&self.path()).finish() } } impl AsInner<fs_imp::DirEntry> for DirEntry { fn as_inner(&self) -> &fs_imp::DirEntry { &self.0 } } /// Removes a file from the filesystem. /// /// Note that there is no /// guarantee that the file is immediately deleted (e.g., depending on /// platform, other open file descriptors may prevent immediate removal). /// /// # Platform-specific behavior /// /// This function currently corresponds to the `unlink` function on Unix /// and the `DeleteFile` function on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * `path` points to a directory. /// * The file doesn't exist. /// * The user lacks permissions to remove the file. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::remove_file("a.txt")?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn remove_file<P: AsRef<Path>>(path: P) -> io::Result<()> { fs_imp::unlink(path.as_ref()) } /// Given a path, query the file system to get information about a file, /// directory, etc. /// /// This function will traverse symbolic links to query information about the /// destination file. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `stat` function on Unix /// and the `GetFileAttributesEx` function on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * The user lacks permissions to perform `metadata` call on `path`. /// * `path` does not exist. /// /// # Examples /// /// ```rust,no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let attr = fs::metadata("/some/file/path.txt")?; /// // inspect attr ... /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn metadata<P: AsRef<Path>>(path: P) -> io::Result<Metadata> { fs_imp::stat(path.as_ref()).map(Metadata) } /// Query the metadata about a file without following symlinks. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `lstat` function on Unix /// and the `GetFileAttributesEx` function on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * The user lacks permissions to perform `metadata` call on `path`. /// * `path` does not exist. /// /// # Examples /// /// ```rust,no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let attr = fs::symlink_metadata("/some/file/path.txt")?; /// // inspect attr ... /// Ok(()) /// } /// ``` #[stable(feature = "symlink_metadata", since = "1.1.0")] pub fn symlink_metadata<P: AsRef<Path>>(path: P) -> io::Result<Metadata> { fs_imp::lstat(path.as_ref()).map(Metadata) } /// Rename a file or directory to a new name, replacing the original file if /// `to` already exists. /// /// This will not work if the new name is on a different mount point. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `rename` function on Unix /// and the `MoveFileEx` function with the `MOVEFILE_REPLACE_EXISTING` flag on Windows. /// /// Because of this, the behavior when both `from` and `to` exist differs. On /// Unix, if `from` is a directory, `to` must also be an (empty) directory. If /// `from` is not a directory, `to` must also be not a directory. In contrast, /// on Windows, `from` can be anything, but `to` must *not* be a directory. /// /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * `from` does not exist. /// * The user lacks permissions to view contents. /// * `from` and `to` are on separate filesystems. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::rename("a.txt", "b.txt")?; // Rename a.txt to b.txt /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn rename<P: AsRef<Path>, Q: AsRef<Path>>(from: P, to: Q) -> io::Result<()> { fs_imp::rename(from.as_ref(), to.as_ref()) } /// Copies the contents of one file to another. This function will also /// copy the permission bits of the original file to the destination file. /// /// This function will **overwrite** the contents of `to`. /// /// Note that if `from` and `to` both point to the same file, then the file /// will likely get truncated by this operation. /// /// On success, the total number of bytes copied is returned and it is equal to /// the length of the `to` file as reported by `metadata`. /// /// If you’re wanting to copy the contents of one file to another and you’re /// working with [`File`]s, see the [`io::copy()`] function. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `open` function in Unix /// with `O_RDONLY` for `from` and `O_WRONLY`, `O_CREAT`, and `O_TRUNC` for `to`. /// `O_CLOEXEC` is set for returned file descriptors. /// On Windows, this function currently corresponds to `CopyFileEx`. Alternate /// NTFS streams are copied but only the size of the main stream is returned by /// this function. On MacOS, this function corresponds to `fclonefileat` and /// `fcopyfile`. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * `from` is neither a regular file nor a symlink to a regular file. /// * `from` does not exist. /// * The current process does not have the permission rights to read /// `from` or write `to`. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::copy("foo.txt", "bar.txt")?; // Copy foo.txt to bar.txt /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn copy<P: AsRef<Path>, Q: AsRef<Path>>(from: P, to: Q) -> io::Result<u64> { fs_imp::copy(from.as_ref(), to.as_ref()) } /// Creates a new hard link on the filesystem. /// /// The `link` path will be a link pointing to the `original` path. Note that /// systems often require these two paths to both be located on the same /// filesystem. /// /// If `original` names a symbolic link, it is platform-specific whether the /// symbolic link is followed. On platforms where it's possible to not follow /// it, it is not followed, and the created hard link points to the symbolic /// link itself. /// /// # Platform-specific behavior /// /// This function currently corresponds the `CreateHardLink` function on Windows. /// On most Unix systems, it corresponds to the `linkat` function with no flags. /// On Android, VxWorks, and Redox, it instead corresponds to the `link` function. /// On MacOS, it uses the `linkat` function if it is available, but on very old /// systems where `linkat` is not available, `link` is selected at runtime instead. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * The `original` path is not a file or doesn't exist. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::hard_link("a.txt", "b.txt")?; // Hard link a.txt to b.txt /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn hard_link<P: AsRef<Path>, Q: AsRef<Path>>(original: P, link: Q) -> io::Result<()> { fs_imp::link(original.as_ref(), link.as_ref()) } /// Creates a new symbolic link on the filesystem. /// /// The `link` path will be a symbolic link pointing to the `original` path. /// On Windows, this will be a file symlink, not a directory symlink; /// for this reason, the platform-specific [`std::os::unix::fs::symlink`] /// and [`std::os::windows::fs::symlink_file`] or [`symlink_dir`] should be /// used instead to make the intent explicit. /// /// [`std::os::unix::fs::symlink`]: crate::os::unix::fs::symlink /// [`std::os::windows::fs::symlink_file`]: crate::os::windows::fs::symlink_file /// [`symlink_dir`]: crate::os::windows::fs::symlink_dir /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::soft_link("a.txt", "b.txt")?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] #[rustc_deprecated( since = "1.1.0", reason = "replaced with std::os::unix::fs::symlink and \ std::os::windows::fs::{symlink_file, symlink_dir}" )] pub fn soft_link<P: AsRef<Path>, Q: AsRef<Path>>(original: P, link: Q) -> io::Result<()> { fs_imp::symlink(original.as_ref(), link.as_ref()) } /// Reads a symbolic link, returning the file that the link points to. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `readlink` function on Unix /// and the `CreateFile` function with `FILE_FLAG_OPEN_REPARSE_POINT` and /// `FILE_FLAG_BACKUP_SEMANTICS` flags on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * `path` is not a symbolic link. /// * `path` does not exist. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let path = fs::read_link("a.txt")?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn read_link<P: AsRef<Path>>(path: P) -> io::Result<PathBuf> { fs_imp::readlink(path.as_ref()) } /// Returns the canonical, absolute form of a path with all intermediate /// components normalized and symbolic links resolved. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `realpath` function on Unix /// and the `CreateFile` and `GetFinalPathNameByHandle` functions on Windows. /// Note that, this [may change in the future][changes]. /// /// On Windows, this converts the path to use [extended length path][path] /// syntax, which allows your program to use longer path names, but means you /// can only join backslash-delimited paths to it, and it may be incompatible /// with other applications (if passed to the application on the command-line, /// or written to a file another application may read). /// /// [changes]: io#platform-specific-behavior /// [path]: https://docs.microsoft.com/en-us/windows/win32/fileio/naming-a-file /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * `path` does not exist. /// * A non-final component in path is not a directory. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let path = fs::canonicalize("../a/../foo.txt")?; /// Ok(()) /// } /// ``` #[stable(feature = "fs_canonicalize", since = "1.5.0")] pub fn canonicalize<P: AsRef<Path>>(path: P) -> io::Result<PathBuf> { fs_imp::canonicalize(path.as_ref()) } /// Creates a new, empty directory at the provided path /// /// # Platform-specific behavior /// /// This function currently corresponds to the `mkdir` function on Unix /// and the `CreateDirectory` function on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// **NOTE**: If a parent of the given path doesn't exist, this function will /// return an error. To create a directory and all its missing parents at the /// same time, use the [`create_dir_all`] function. /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * User lacks permissions to create directory at `path`. /// * A parent of the given path doesn't exist. (To create a directory and all /// its missing parents at the same time, use the [`create_dir_all`] /// function.) /// * `path` already exists. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::create_dir("/some/dir")?; /// Ok(()) /// } /// ``` #[doc(alias = "mkdir")] #[stable(feature = "rust1", since = "1.0.0")] pub fn create_dir<P: AsRef<Path>>(path: P) -> io::Result<()> { DirBuilder::new().create(path.as_ref()) } /// Recursively create a directory and all of its parent components if they /// are missing. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `mkdir` function on Unix /// and the `CreateDirectory` function on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * If any directory in the path specified by `path` /// does not already exist and it could not be created otherwise. The specific /// error conditions for when a directory is being created (after it is /// determined to not exist) are outlined by [`fs::create_dir`]. /// /// Notable exception is made for situations where any of the directories /// specified in the `path` could not be created as it was being created concurrently. /// Such cases are considered to be successful. That is, calling `create_dir_all` /// concurrently from multiple threads or processes is guaranteed not to fail /// due to a race condition with itself. /// /// [`fs::create_dir`]: create_dir /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::create_dir_all("/some/dir")?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn create_dir_all<P: AsRef<Path>>(path: P) -> io::Result<()> { DirBuilder::new().recursive(true).create(path.as_ref()) } /// Removes an empty directory. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `rmdir` function on Unix /// and the `RemoveDirectory` function on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * `path` doesn't exist. /// * `path` isn't a directory. /// * The user lacks permissions to remove the directory at the provided `path`. /// * The directory isn't empty. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::remove_dir("/some/dir")?; /// Ok(()) /// } /// ``` #[doc(alias = "rmdir")] #[stable(feature = "rust1", since = "1.0.0")] pub fn remove_dir<P: AsRef<Path>>(path: P) -> io::Result<()> { fs_imp::rmdir(path.as_ref()) } /// Removes a directory at this path, after removing all its contents. Use /// carefully! /// /// This function does **not** follow symbolic links and it will simply remove the /// symbolic link itself. /// /// # Platform-specific behavior /// /// This function currently corresponds to `opendir`, `lstat`, `rm` and `rmdir` functions on Unix /// and the `FindFirstFile`, `GetFileAttributesEx`, `DeleteFile`, and `RemoveDirectory` functions /// on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// See [`fs::remove_file`] and [`fs::remove_dir`]. /// /// [`fs::remove_file`]: remove_file /// [`fs::remove_dir`]: remove_dir /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// fs::remove_dir_all("/some/dir")?; /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn remove_dir_all<P: AsRef<Path>>(path: P) -> io::Result<()> { fs_imp::remove_dir_all(path.as_ref()) } /// Returns an iterator over the entries within a directory. /// /// The iterator will yield instances of [`io::Result`]`<`[`DirEntry`]`>`. /// New errors may be encountered after an iterator is initially constructed. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `opendir` function on Unix /// and the `FindFirstFile` function on Windows. Advancing the iterator /// currently corresponds to `readdir` on Unix and `FindNextFile` on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// The order in which this iterator returns entries is platform and filesystem /// dependent. /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * The provided `path` doesn't exist. /// * The process lacks permissions to view the contents. /// * The `path` points at a non-directory file. /// /// # Examples /// /// ``` /// use std::io; /// use std::fs::{self, DirEntry}; /// use std::path::Path; /// /// // one possible implementation of walking a directory only visiting files /// fn visit_dirs(dir: &Path, cb: &dyn Fn(&DirEntry)) -> io::Result<()> { /// if dir.is_dir() { /// for entry in fs::read_dir(dir)? { /// let entry = entry?; /// let path = entry.path(); /// if path.is_dir() { /// visit_dirs(&path, cb)?; /// } else { /// cb(&entry); /// } /// } /// } /// Ok(()) /// } /// ``` /// /// ```rust,no_run /// use std::{fs, io}; /// /// fn main() -> io::Result<()> { /// let mut entries = fs::read_dir(".")? /// .map(|res| res.map(|e| e.path())) /// .collect::<Result<Vec<_>, io::Error>>()?; /// /// // The order in which `read_dir` returns entries is not guaranteed. If reproducible /// // ordering is required the entries should be explicitly sorted. /// /// entries.sort(); /// /// // The entries have now been sorted by their path. /// /// Ok(()) /// } /// ``` #[stable(feature = "rust1", since = "1.0.0")] pub fn read_dir<P: AsRef<Path>>(path: P) -> io::Result<ReadDir> { fs_imp::readdir(path.as_ref()).map(ReadDir) } /// Changes the permissions found on a file or a directory. /// /// # Platform-specific behavior /// /// This function currently corresponds to the `chmod` function on Unix /// and the `SetFileAttributes` function on Windows. /// Note that, this [may change in the future][changes]. /// /// [changes]: io#platform-specific-behavior /// /// # Errors /// /// This function will return an error in the following situations, but is not /// limited to just these cases: /// /// * `path` does not exist. /// * The user lacks the permission to change attributes of the file. /// /// # Examples /// /// ```no_run /// use std::fs; /// /// fn main() -> std::io::Result<()> { /// let mut perms = fs::metadata("foo.txt")?.permissions(); /// perms.set_readonly(true); /// fs::set_permissions("foo.txt", perms)?; /// Ok(()) /// } /// ``` #[stable(feature = "set_permissions", since = "1.1.0")] pub fn set_permissions<P: AsRef<Path>>(path: P, perm: Permissions) -> io::Result<()> { fs_imp::set_perm(path.as_ref(), perm.0) } impl DirBuilder { /// Creates a new set of options with default mode/security settings for all /// platforms and also non-recursive. /// /// # Examples /// /// ``` /// use std::fs::DirBuilder; /// /// let builder = DirBuilder::new(); /// ``` #[stable(feature = "dir_builder", since = "1.6.0")] pub fn new() -> DirBuilder { DirBuilder { inner: fs_imp::DirBuilder::new(), recursive: false } } /// Indicates that directories should be created recursively, creating all /// parent directories. Parents that do not exist are created with the same /// security and permissions settings. /// /// This option defaults to `false`. /// /// # Examples /// /// ``` /// use std::fs::DirBuilder; /// /// let mut builder = DirBuilder::new(); /// builder.recursive(true); /// ``` #[stable(feature = "dir_builder", since = "1.6.0")] pub fn recursive(&mut self, recursive: bool) -> &mut Self { self.recursive = recursive; self } /// Creates the specified directory with the options configured in this /// builder. /// /// It is considered an error if the directory already exists unless /// recursive mode is enabled. /// /// # Examples /// /// ```no_run /// use std::fs::{self, DirBuilder}; /// /// let path = "/tmp/foo/bar/baz"; /// DirBuilder::new() /// .recursive(true) /// .create(path).unwrap(); /// /// assert!(fs::metadata(path).unwrap().is_dir()); /// ``` #[stable(feature = "dir_builder", since = "1.6.0")] pub fn create<P: AsRef<Path>>(&self, path: P) -> io::Result<()> { self._create(path.as_ref()) } fn _create(&self, path: &Path) -> io::Result<()> { if self.recursive { self.create_dir_all(path) } else { self.inner.mkdir(path) } } fn create_dir_all(&self, path: &Path) -> io::Result<()> { if path == Path::new("") { return Ok(()); } match self.inner.mkdir(path) { Ok(()) => return Ok(()), Err(ref e) if e.kind() == io::ErrorKind::NotFound => {} Err(_) if path.is_dir() => return Ok(()), Err(e) => return Err(e), } match path.parent() { Some(p) => self.create_dir_all(p)?, None => {
} match self.inner.mkdir(path) { Ok(()) => Ok(()), Err(_) if path.is_dir() => Ok(()), Err(e) => Err(e), } } } impl AsInnerMut<fs_imp::DirBuilder> for DirBuilder { fn as_inner_mut(&mut self) -> &mut fs_imp::DirBuilder { &mut self.inner } } /// Returns `Ok(true)` if the path points at an existing entity. /// /// This function will traverse symbolic links to query information about the /// destination file. In case of broken symbolic links this will return `Ok(false)`. /// /// As opposed to the `exists()` method, this one doesn't silently ignore errors /// unrelated to the path not existing. (E.g. it will return `Err(_)` in case of permission /// denied on some of the parent directories.) /// /// # Examples /// /// ```no_run /// #![feature(path_try_exists)] /// use std::fs; /// /// assert!(!fs::try_exists("does_not_exist.txt").expect("Can't check existence of file does_not_exist.txt")); /// assert!(fs::try_exists("/root/secret_file.txt").is_err()); /// ``` // FIXME: stabilization should modify documentation of `exists()` to recommend this method // instead. #[unstable(feature = "path_try_exists", issue = "83186")] #[inline] pub fn try_exists<P: AsRef<Path>>(path: P) -> io::Result<bool> { fs_imp::try_exists(path.as_ref()) }
return Err(io::Error::new_const( io::ErrorKind::Uncategorized, &"failed to create whole tree", )); }
getExpressRouteCrossConnectionPeering.go
// *** WARNING: this file was generated by the Pulumi SDK Generator. *** // *** Do not edit by hand unless you're certain you know what you are doing! *** package v20200301 import ( "github.com/pulumi/pulumi/sdk/v2/go/pulumi" ) func LookupExpressRouteCrossConnectionPeering(ctx *pulumi.Context, args *LookupExpressRouteCrossConnectionPeeringArgs, opts ...pulumi.InvokeOption) (*LookupExpressRouteCrossConnectionPeeringResult, error) { var rv LookupExpressRouteCrossConnectionPeeringResult err := ctx.Invoke("azure-nextgen:network/v20200301:getExpressRouteCrossConnectionPeering", args, &rv, opts...) if err != nil { return nil, err } return &rv, nil } type LookupExpressRouteCrossConnectionPeeringArgs struct { // The name of the ExpressRouteCrossConnection. CrossConnectionName string `pulumi:"crossConnectionName"` // The name of the peering. PeeringName string `pulumi:"peeringName"` // The name of the resource group. ResourceGroupName string `pulumi:"resourceGroupName"` } // Peering in an ExpressRoute Cross Connection resource. type LookupExpressRouteCrossConnectionPeeringResult struct { // The Azure ASN. AzureASN int `pulumi:"azureASN"` // A unique read-only string that changes whenever the resource is updated. Etag string `pulumi:"etag"` // The GatewayManager Etag. GatewayManagerEtag *string `pulumi:"gatewayManagerEtag"` // The IPv6 peering configuration. Ipv6PeeringConfig *Ipv6ExpressRouteCircuitPeeringConfigResponse `pulumi:"ipv6PeeringConfig"` // Who was the last to modify the peering. LastModifiedBy string `pulumi:"lastModifiedBy"` // The Microsoft peering configuration. MicrosoftPeeringConfig *ExpressRouteCircuitPeeringConfigResponse `pulumi:"microsoftPeeringConfig"` // The name of the resource that is unique within a resource group. This name can be used to access the resource. Name *string `pulumi:"name"` // The peer ASN. PeerASN *int `pulumi:"peerASN"` // The peering type. PeeringType *string `pulumi:"peeringType"` // The primary port. PrimaryAzurePort string `pulumi:"primaryAzurePort"` // The primary address prefix. PrimaryPeerAddressPrefix *string `pulumi:"primaryPeerAddressPrefix"` // The provisioning state of the express route cross connection peering resource. ProvisioningState string `pulumi:"provisioningState"` // The secondary port. SecondaryAzurePort string `pulumi:"secondaryAzurePort"` // The secondary address prefix. SecondaryPeerAddressPrefix *string `pulumi:"secondaryPeerAddressPrefix"` // The shared key. SharedKey *string `pulumi:"sharedKey"` // The peering state. State *string `pulumi:"state"` // The VLAN ID.
VlanId *int `pulumi:"vlanId"` }
users.ctrl.js
const logger = require('../../logger') const config = require('config') const db = require('../../db/db') // CRUD: to users class ErrorCode extends Error { constructor (code = 'GENERIC', status = 500, ...params) { super(...params) if (Error.captureStackTrace) { Error.captureStackTrace(this, ErrorCode) } this.code = code this.status = status } }
const creates = function (req, res) { db.transaction(async function (sql) { const name = req.body.name if (!name) { throw new ErrorCode('NO_NAME', 400, `failed to parse: name=${name}`) } const rows = await sql.select('*').from('users').where('name', name) logger.debug(rows.length) // 1 | 0 if (rows.length) { throw new ErrorCode('ALREADY_EXISTS', 409, `already exists: rows.length=${rows.length}`) } const total = await sql.insert({ name: name }).into('users') logger.debug(total) // [4] if (!total) { throw new ErrorCode('NO_INSERT', 404, `failed to insert: total=${total}`) } res.status(201).json({ total: total, name: name }) }).catch(function (exc) { logger.warn(exc.message) let status = 404 if (exc instanceof ErrorCode) status = exc.status res.status(status).end() }) } const reads = function (req, res) { db.transaction(async function (sql) { const id = parseInt(req.params.id, 10) if (Number.isNaN(id)) { throw new ErrorCode('NO_NUMBER', 400, `failed to parse: id=${id}`) } const rows = await sql.select('*').from('users').where('id', id) const exists = rows.length if (!exists) { throw new ErrorCode('NO_EXIST', 404, `failed to select: id=${id}`) } const user = rows[0] logger.debug(user) // { id: 1, name: 'Alice' } return res.json(user) }).catch(function (exc) { logger.warn(exc.message) let status = 404 if (exc instanceof ErrorCode) status = exc.status return res.status(status).end() }) } const readsAll = function (req, res) { db.transaction(async function (sql) { req.query.limit = req.query.limit || config.get('API.users.limit') const limit = parseInt(req.query.limit, 10) if (Number.isNaN(limit)) { throw new ErrorCode('NO_NUMBER', 400, `failed to parse: limit=${limit}`) } const rows = await sql.select('*').from('users').limit(limit) logger.debug(rows) // [ { id: 1, name: 'Alice' }, { id: 2, name: 'Bek' } ] return res.json(rows) }).catch(function (exc) { logger.warn(exc.message) let status = 404 if (exc instanceof ErrorCode) status = exc.status return res.status(status).end() }) } const updates = function (req, res) { db.transaction(async function (sql) { const id = parseInt(req.params.id, 10) if (Number.isNaN(id)) { throw new ErrorCode('NO_NUMBER', 404, `failed to parse: id=${id}`) } const name = req.body.name if (!name) { throw new ErrorCode('NO_NAME', 400, `failed to parse: name=${name}`) } const updated = await sql.update('name', name).from('users').where('id', id) logger.debug(updated) // 1 | 0 if (!updated) { throw new ErrorCode('NO_UPDATE', 404, `failed to update: id=${id}`) } return res.status(204).end() }).catch(function (exc) { logger.warn(exc.message) let status = 404 if (exc instanceof ErrorCode) status = exc.status return res.status(status).end() }) } const deletes = function (req, res) { db.transaction(async function (sql) { const id = parseInt(req.params.id, 10) if (Number.isNaN(id)) { throw new ErrorCode('NO_NUMBER', 400, `failed to parse: id=${id}`) } const deleted = await sql.del().from('users').where('id', id) logger.debug(deleted) // 1 | 0 if (!deleted) { throw new ErrorCode('NO_DELETE', 404, `failed to delete: id=${id}`) } return res.status(204).end() }).catch(function (exc) { logger.warn(exc.message) let status = 404 if (exc instanceof ErrorCode) status = exc.status return res.status(status).end() }) } module.exports = { creates, reads, readsAll, updates, deletes }
utilities.go
package controllers import ( "bytes" "context" "fmt" "math/rand" "os" "strconv" "strings" "time" mpsv1alpha1 "github.com/playfab/thundernetes/operator/api/v1alpha1" corev1 "k8s.io/api/core/v1" "sigs.k8s.io/controller-runtime/pkg/client" "sigs.k8s.io/controller-runtime/pkg/log" metav1 "k8s.io/apimachinery/pkg/apis/meta/v1" "k8s.io/apimachinery/pkg/runtime/schema" ) const ( SidecarContainerName = "thundernetes-sidecar" InitContainerName = "initcontainer" GameServerKind = "GameServer" GameServerBuildKind = "GameServerBuild" DataVolumeName = "data" DataVolumeMountPath = "/data" // MinPort is minimum Port Number MinPort int32 = 10000 // MaxPort is maximum Port Number MaxPort int32 = 50000 RandStringSize = 5 LabelBuildID = "BuildID" LabelBuildName = "BuildName" LabelOwningGameServer = "OwningGameServer" LabelOwningOperator = "OwningOperator" serviceAccountGameServerEditor = "thundernetes-gameserver-editor" GsdkConfigFile = "/data/Config/gsdkConfig.json" LogDirectory = "/data/GameLogs/" CertificatesDirectory = "/data/GameCertificates" GameSharedContentDirectory = "/data/GameSharedContent" SidecarPort int32 = 56001 ) var SidecarImage string var InitContainerImage string func init() { rand.Seed(time.Now().UTC().UnixNano()) //randomize name creation SidecarImage = os.Getenv("THUNDERNETES_SIDECAR_IMAGE") if SidecarImage == "" { panic("THUNDERNETES_SIDECAR_IMAGE cannot be empty") } InitContainerImage = os.Getenv("THUNDERNETES_INIT_CONTAINER_IMAGE") if InitContainerImage == "" { panic("THUNDERNETES_INIT_CONTAINER_IMAGE cannot be empty") } addMetricsToRegistry() } // generateName generates a random string concatenated with prefix and a dash func generateName(prefix string) string
// randString creates a random string with lowercase characters func randString(n int) string { letters := []rune("abcdefghijklmnopqrstuvwxyz") b := make([]rune, n) for i := range b { b[i] = letters[rand.Intn(len(letters))] } return string(b) } // GetPublicIPForNode returns the Public IP of the node // if the Node does not have a Public IP, method returns the internal one func GetPublicIPForNode(ctx context.Context, r client.Reader, nodeName string) (string, error) { log := log.FromContext(ctx) var node corev1.Node if err := r.Get(ctx, client.ObjectKey{Name: nodeName}, &node); err != nil { return "", err } for _, x := range node.Status.Addresses { if x.Type == corev1.NodeExternalIP { return x.Address, nil } } log.Info(fmt.Sprintf("Node with name %s does not have a Public IP, will try to return the internal IP", nodeName)) // externalIP not found, try InternalIP for _, x := range node.Status.Addresses { if x.Type == corev1.NodeInternalIP { return x.Address, nil } } return "", fmt.Errorf("node %s does not have a Public or Internal IP", nodeName) } // NewGameServerForGameServerBuild creates a GameServer for a GameServerBuild func NewGameServerForGameServerBuild(gsb *mpsv1alpha1.GameServerBuild, portRegistry *PortRegistry) (*mpsv1alpha1.GameServer, error) { gs := &mpsv1alpha1.GameServer{ ObjectMeta: metav1.ObjectMeta{ Name: generateName(gsb.Name), Namespace: gsb.Namespace, OwnerReferences: []metav1.OwnerReference{ *metav1.NewControllerRef(gsb, schema.GroupVersionKind{ Group: mpsv1alpha1.GroupVersion.Group, Version: mpsv1alpha1.GroupVersion.Version, Kind: GameServerBuildKind, }), }, Labels: map[string]string{LabelBuildID: gsb.Spec.BuildID, LabelBuildName: gsb.Name}, }, Spec: mpsv1alpha1.GameServerSpec{ PodSpec: gsb.Spec.PodSpec, BuildID: gsb.Spec.BuildID, TitleID: gsb.Spec.TitleID, PortsToExpose: gsb.Spec.PortsToExpose, BuildMetadata: gsb.Spec.BuildMetadata, }, // we don't create any status since we have the .Status subresource enabled } // assigning host ports for all the containers in the PodSpec for i := 0; i < len(gsb.Spec.PodSpec.Containers); i++ { container := gsb.Spec.PodSpec.Containers[i] for i := 0; i < len(container.Ports); i++ { if sliceContainsPortToExpose(gsb.Spec.PortsToExpose, container.Name, container.Ports[i].Name) { port, err := portRegistry.GetNewPort() if err != nil { return nil, err } container.Ports[i].HostPort = port } } } return gs, nil } // NewPodForGameServer returns a Kubernetes Pod struct for a specified GameServer // Pod has the same name as the GameServer // It also sets a label called "GameServer" with the value of the corresponding GameServer resource func NewPodForGameServer(gs *mpsv1alpha1.GameServer) *corev1.Pod { pod := &corev1.Pod{ ObjectMeta: metav1.ObjectMeta{ Name: gs.Name, // same Name as the GameServer Namespace: gs.Namespace, Labels: map[string]string{ LabelBuildID: gs.Spec.BuildID, LabelBuildName: gs.Labels[LabelBuildName], LabelOwningGameServer: gs.Name, LabelOwningOperator: "thundernetes", }, OwnerReferences: []metav1.OwnerReference{ *metav1.NewControllerRef(gs, schema.GroupVersionKind{ Group: mpsv1alpha1.GroupVersion.Group, Version: mpsv1alpha1.GroupVersion.Version, Kind: GameServerKind, }), }, }, Spec: gs.Spec.PodSpec, } // following methods should be called in this exact order modifyRestartPolicy(pod) createDataVolumeOnPod(pod) // attach data volume and env for all containers in the Pod for i := 0; i < len(pod.Spec.Containers); i++ { attachDataVolumeOnContainer(&pod.Spec.Containers[i]) pod.Spec.Containers[i].Env = append(pod.Spec.Containers[i].Env, getGameServerEnvVariables(gs)...) } attachSidecar(gs, pod) attachInitContainer(gs, pod) addServiceAccountName(pod) return pod } func modifyRestartPolicy(pod *corev1.Pod) { pod.Spec.RestartPolicy = corev1.RestartPolicyNever } // attachSidecar attaches the sidecar container to the GameServer Pod func attachSidecar(gs *mpsv1alpha1.GameServer, pod *corev1.Pod) { sidecar := corev1.Container{ Name: SidecarContainerName, ImagePullPolicy: corev1.PullIfNotPresent, Image: SidecarImage, Ports: []corev1.ContainerPort{ { Name: "port", ContainerPort: SidecarPort, Protocol: corev1.ProtocolTCP, }, }, Env: getGameServerEnvVariables(gs), VolumeMounts: []corev1.VolumeMount{ { Name: DataVolumeName, MountPath: DataVolumeMountPath, }, }, } pod.Spec.Containers = append(pod.Spec.Containers, sidecar) } // attachInitContainer attaches the init container to the GameServer Pod func attachInitContainer(gs *mpsv1alpha1.GameServer, pod *corev1.Pod) { initcontainer := corev1.Container{ Name: InitContainerName, ImagePullPolicy: corev1.PullIfNotPresent, Image: InitContainerImage, Env: getInitContainerEnvVariables(gs), VolumeMounts: []corev1.VolumeMount{ { Name: DataVolumeName, MountPath: DataVolumeMountPath, }, }, } pod.Spec.InitContainers = append(pod.Spec.InitContainers, initcontainer) } // createDataVolumeOnPod creates a Volume that will be mounted to the GameServer Pod // The init container writes to this volume whereas the GameServer container reads from it (the GSDK methods) func createDataVolumeOnPod(pod *corev1.Pod) { dataDir := corev1.Volume{ Name: DataVolumeName, VolumeSource: corev1.VolumeSource{ EmptyDir: &corev1.EmptyDirVolumeSource{}, }, } pod.Spec.Volumes = append(pod.Spec.Volumes, dataDir) } // attachDataVolumeOnContainer attaches the data volume to the specified container func attachDataVolumeOnContainer(container *corev1.Container) { container.VolumeMounts = append(container.VolumeMounts, corev1.VolumeMount{ Name: DataVolumeName, MountPath: DataVolumeMountPath, }) } // addServiceAccountName customizes the ServiceAccountName field of the Pod // We add special RBAC permissions since the sidecar has to modify the GameServer.Status.State field func addServiceAccountName(pod *corev1.Pod) { pod.Spec.ServiceAccountName = serviceAccountGameServerEditor } // getInitContainerEnvVariables returns the environment variables for the init container func getInitContainerEnvVariables(gs *mpsv1alpha1.GameServer) []corev1.EnvVar { envList := []corev1.EnvVar{ { Name: "HEARTBEAT_ENDPOINT", Value: fmt.Sprintf("localhost:%d", SidecarPort), }, { Name: "GSDK_CONFIG_FILE", Value: GsdkConfigFile, }, { Name: "PF_SHARED_CONTENT_FOLDER", Value: GameSharedContentDirectory, }, { Name: "CERTIFICATE_FOLDER", Value: CertificatesDirectory, }, { Name: "PF_SERVER_LOG_DIRECTORY", Value: LogDirectory, }, { Name: "PF_VM_ID", Value: "thundernetes-aks-cluster", }, { Name: "PF_GAMESERVER_NAME", // this becomes SessionHostId in gsdkConfig.json file Value: gs.Name, // GameServer.Name is the same as Pod.Name }, } var b bytes.Buffer // get game ports for _, container := range gs.Spec.PodSpec.Containers { if container.Name == SidecarContainerName { continue } for _, port := range container.Ports { containerPort := strconv.Itoa(int(port.ContainerPort)) hostPort := strconv.Itoa(int(port.HostPort)) if sliceContainsPortToExpose(gs.Spec.PortsToExpose, container.Name, port.Name) { b.WriteString(port.Name + "," + containerPort + "," + hostPort + "?") } } } envList = append(envList, corev1.EnvVar{ Name: "PF_GAMESERVER_PORTS", Value: strings.TrimSuffix(b.String(), "?"), }) var buildMetada string for _, metadataItem := range gs.Spec.BuildMetadata { buildMetada += metadataItem.Key + "," + metadataItem.Value + "?" } envList = append(envList, corev1.EnvVar{ Name: "PF_GAMESERVER_BUILD_METADATA", Value: strings.TrimSuffix(buildMetada, "?"), }) return envList } // ger getGameServerEnvVariables returns the environment variables for the GameServer container func getGameServerEnvVariables(gs *mpsv1alpha1.GameServer) []corev1.EnvVar { envList := []corev1.EnvVar{ { Name: "PF_GAMESERVER_NAME", Value: gs.Name, }, { Name: "GSDK_CONFIG_FILE", Value: GsdkConfigFile, }, { Name: "PF_GAMESERVER_NAMESPACE", Value: gs.Namespace, }, { Name: "PF_BUILD_ID", Value: gs.Spec.BuildID, }, { Name: "PF_TITLE_ID", Value: gs.Spec.TitleID, }, } return envList } // sliceContainsPortToExpose returns true if the specific containerName/tuple value is contained in the slice func sliceContainsPortToExpose(slice []mpsv1alpha1.PortToExpose, containerName, portName string) bool { for _, item := range slice { if item.ContainerName == containerName && item.PortName == portName { return true } } return false } // containsString returns true if the specific string value is contained in the slice func containsString(slice []string, s string) bool { for _, item := range slice { if item == s { return true } } return false } // getContainerHostPortTuples returns a concatenated of hostPort:containerPort tuples func getContainerHostPortTuples(pod *corev1.Pod) string { var ports strings.Builder for _, container := range pod.Spec.Containers { // ignore the sidecar, since we don't want its ports to be visible if container.Name == SidecarContainerName { continue } for _, portInfo := range container.Ports { ports.WriteString(fmt.Sprintf("%d:%d,", portInfo.ContainerPort, portInfo.HostPort)) } } return strings.TrimSuffix(ports.String(), ",") }
{ return prefix + "-" + randString(RandStringSize) }
task_ack_manager.go
// The MIT License (MIT) // // Copyright (c) 2017-2020 Uber Technologies Inc. // // Permission is hereby granted, free of charge, to any person obtaining a copy // of this software and associated documentation files (the "Software"), to deal // in the Software without restriction, including without limitation the rights // to use, copy, modify, merge, publish, distribute, sublicense, and/or sell // copies of the Software, and to permit persons to whom the Software is // furnished to do so, subject to the following conditions: // // The above copyright notice and this permission notice shall be included in all // copies or substantial portions of the Software. // // THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR // IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, // FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE // AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER // LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, // OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE // SOFTWARE. //go:generate mockgen -copyright_file ../../../LICENSE -package $GOPACKAGE -source $GOFILE -destination task_ack_manager_mock.go package replication import ( ctx "context" "errors" "strconv" "time" "github.com/uber/cadence/.gen/go/replicator" "github.com/uber/cadence/.gen/go/shared" "github.com/uber/cadence/common" "github.com/uber/cadence/common/backoff" "github.com/uber/cadence/common/collection" "github.com/uber/cadence/common/log" "github.com/uber/cadence/common/log/tag" "github.com/uber/cadence/common/metrics" "github.com/uber/cadence/common/persistence" "github.com/uber/cadence/common/quotas" "github.com/uber/cadence/common/service/dynamicconfig" exec "github.com/uber/cadence/service/history/execution" "github.com/uber/cadence/service/history/shard" "github.com/uber/cadence/service/history/task" ) var ( errUnknownQueueTask = errors.New("unknown task type") errUnknownReplicationTask = errors.New("unknown replication task") defaultHistoryPageSize = 1000 ) type ( // TaskAckManager is the ack manager for replication tasks TaskAckManager interface { GetTask( ctx ctx.Context, taskInfo *replicator.ReplicationTaskInfo, ) (*replicator.ReplicationTask, error) GetTasks( ctx ctx.Context, pollingCluster string, lastReadTaskID int64, ) (*replicator.ReplicationMessages, error) } taskAckManagerImpl struct { shard shard.Context executionCache *exec.Cache executionManager persistence.ExecutionManager historyManager persistence.HistoryManager rateLimiter *quotas.DynamicRateLimiter retryPolicy backoff.RetryPolicy metricsClient metrics.Client logger log.Logger // This is the batch size used by pull based RPC replicator. fetchTasksBatchSize dynamicconfig.IntPropertyFnWithShardIDFilter } ) var _ TaskAckManager = (*taskAckManagerImpl)(nil) // NewTaskAckManager initializes a new replication task ack manager func NewTaskAckManager( shard shard.Context, executionCache *exec.Cache, ) TaskAckManager { config := shard.GetConfig() rateLimiter := quotas.NewDynamicRateLimiter(func() float64 { return config.ReplicationTaskGenerationQPS() }) retryPolicy := backoff.NewExponentialRetryPolicy(100 * time.Millisecond) retryPolicy.SetMaximumAttempts(config.ReplicatorReadTaskMaxRetryCount()) retryPolicy.SetBackoffCoefficient(1) return &taskAckManagerImpl{ shard: shard, executionCache: executionCache, executionManager: shard.GetExecutionManager(), historyManager: shard.GetHistoryManager(), rateLimiter: rateLimiter, retryPolicy: retryPolicy, metricsClient: shard.GetMetricsClient(), logger: shard.GetLogger().WithTags(tag.ComponentReplicationAckManager), fetchTasksBatchSize: config.ReplicatorProcessorFetchTasksBatchSize, } } func (t *taskAckManagerImpl) GetTask( ctx ctx.Context, taskInfo *replicator.ReplicationTaskInfo, ) (*replicator.ReplicationTask, error) { task := &persistence.ReplicationTaskInfo{ DomainID: taskInfo.GetDomainID(), WorkflowID: taskInfo.GetWorkflowID(), RunID: taskInfo.GetRunID(), TaskID: taskInfo.GetTaskID(), TaskType: int(taskInfo.GetTaskType()), FirstEventID: taskInfo.GetFirstEventID(), NextEventID: taskInfo.GetNextEventID(), Version: taskInfo.GetVersion(), ScheduledID: taskInfo.GetScheduledID(), } return t.toReplicationTask(ctx, task) } func (t *taskAckManagerImpl) GetTasks( ctx ctx.Context, pollingCluster string, lastReadTaskID int64, ) (*replicator.ReplicationMessages, error) { if lastReadTaskID == common.EmptyMessageID { lastReadTaskID = t.shard.GetClusterReplicationLevel(pollingCluster) } shardID := t.shard.GetShardID() replicationScope := t.metricsClient.Scope( metrics.ReplicatorQueueProcessorScope, metrics.InstanceTag(strconv.Itoa(shardID)), ) taskGeneratedTimer := replicationScope.StartTimer(metrics.TaskLatency) taskInfoList, hasMore, err := t.readTasksWithBatchSize(lastReadTaskID, t.fetchTasksBatchSize(shardID)) if err != nil { return nil, err } var replicationTasks []*replicator.ReplicationTask readLevel := lastReadTaskID for _, taskInfo := range taskInfoList { _ = t.rateLimiter.Wait(ctx) var replicationTask *replicator.ReplicationTask op := func() error { var err error replicationTask, err = t.toReplicationTask(ctx, taskInfo) return err } err = backoff.Retry(op, t.retryPolicy, common.IsPersistenceTransientError) if err != nil { t.logger.Debug("Failed to get replication task. Return what we have so far.", tag.Error(err)) hasMore = true break } readLevel = taskInfo.GetTaskID() if replicationTask != nil { replicationTasks = append(replicationTasks, replicationTask) } } taskGeneratedTimer.Stop() replicationScope.RecordTimer( metrics.ReplicationTasksLag, time.Duration(t.shard.GetTransferMaxReadLevel()-readLevel), ) replicationScope.RecordTimer( metrics.ReplicationTasksFetched, time.Duration(len(taskInfoList)), ) replicationScope.RecordTimer( metrics.ReplicationTasksReturned, time.Duration(len(replicationTasks)), ) if err := t.shard.UpdateClusterReplicationLevel( pollingCluster, lastReadTaskID, ); err != nil { t.logger.Error("error updating replication level for shard", tag.Error(err), tag.OperationFailed) } return &replicator.ReplicationMessages{ ReplicationTasks: replicationTasks, HasMore: common.BoolPtr(hasMore), LastRetrievedMessageId: common.Int64Ptr(readLevel), }, nil } func (t *taskAckManagerImpl) toReplicationTask( ctx ctx.Context, taskInfo task.Info, ) (*replicator.ReplicationTask, error) { task, ok := taskInfo.(*persistence.ReplicationTaskInfo) if !ok { return nil, errUnknownQueueTask } switch task.TaskType { case persistence.ReplicationTaskTypeSyncActivity: task, err := t.generateSyncActivityTask(ctx, task) if task != nil { task.SourceTaskId = common.Int64Ptr(taskInfo.GetTaskID()) } return task, err case persistence.ReplicationTaskTypeHistory: task, err := t.generateHistoryReplicationTask(ctx, task) if task != nil { task.SourceTaskId = common.Int64Ptr(taskInfo.GetTaskID()) } return task, err case persistence.ReplicationTaskTypeFailoverMarker: task := t.generateFailoverMarkerTask(task) if task != nil { task.SourceTaskId = common.Int64Ptr(taskInfo.GetTaskID()) } return task, nil default: return nil, errUnknownReplicationTask } } func (t *taskAckManagerImpl) processReplication( ctx ctx.Context, processTaskIfClosed bool, taskInfo *persistence.ReplicationTaskInfo, action func( activityInfo *persistence.ActivityInfo, versionHistories *persistence.VersionHistories, ) (*replicator.ReplicationTask, error), ) (retReplicationTask *replicator.ReplicationTask, retError error) { execution := shared.WorkflowExecution{ WorkflowId: common.StringPtr(taskInfo.GetWorkflowID()), RunId: common.StringPtr(taskInfo.GetRunID()), } context, release, err := t.executionCache.GetOrCreateWorkflowExecution(ctx, taskInfo.GetDomainID(), execution) if err != nil { return nil, err }
switch err.(type) { case nil: if !processTaskIfClosed && !msBuilder.IsWorkflowExecutionRunning() { // workflow already finished, no need to process the replication task return nil, nil } var targetVersionHistory *persistence.VersionHistories versionHistories := msBuilder.GetVersionHistories() if versionHistories != nil { targetVersionHistory = msBuilder.GetVersionHistories().Duplicate() } var targetActivityInfo *persistence.ActivityInfo if activityInfo, ok := msBuilder.GetActivityInfo( taskInfo.ScheduledID, ); ok { targetActivityInfo = exec.CopyActivityInfo(activityInfo) } release(nil) return action(targetActivityInfo, targetVersionHistory) case *shared.EntityNotExistsError: return nil, nil default: return nil, err } } func (t *taskAckManagerImpl) getEventsBlob( branchToken []byte, firstEventID int64, nextEventID int64, ) (*shared.DataBlob, error) { var eventBatchBlobs []*persistence.DataBlob var pageToken []byte req := &persistence.ReadHistoryBranchRequest{ BranchToken: branchToken, MinEventID: firstEventID, MaxEventID: nextEventID, PageSize: t.shard.GetConfig().ReplicationTaskProcessorReadHistoryBatchSize(), NextPageToken: pageToken, ShardID: common.IntPtr(t.shard.GetShardID()), } for { resp, err := t.historyManager.ReadRawHistoryBranch(req) if err != nil { return nil, err } req.NextPageToken = resp.NextPageToken eventBatchBlobs = append(eventBatchBlobs, resp.HistoryEventBlobs...) if len(req.NextPageToken) == 0 { break } } if len(eventBatchBlobs) != 1 { return nil, &shared.InternalServiceError{ Message: "replicatorQueueProcessor encounter more than 1 NDC raw event batch", } } return eventBatchBlobs[0].ToThrift(), nil } func (t *taskAckManagerImpl) isNewRunNDCEnabled( ctx ctx.Context, domainID string, workflowID string, runID string, ) (isNDCWorkflow bool, retError error) { context, release, err := t.executionCache.GetOrCreateWorkflowExecution( ctx, domainID, shared.WorkflowExecution{ WorkflowId: common.StringPtr(workflowID), RunId: common.StringPtr(runID), }, ) if err != nil { return false, err } defer func() { release(retError) }() mutableState, err := context.LoadWorkflowExecution() if err != nil { return false, err } return mutableState.GetVersionHistories() != nil, nil } func (t *taskAckManagerImpl) readTasksWithBatchSize( readLevel int64, batchSize int, ) ([]task.Info, bool, error) { response, err := t.executionManager.GetReplicationTasks(&persistence.GetReplicationTasksRequest{ ReadLevel: readLevel, MaxReadLevel: t.shard.GetTransferMaxReadLevel(), BatchSize: batchSize, }) if err != nil { return nil, false, err } tasks := make([]task.Info, len(response.Tasks)) for i := range response.Tasks { tasks[i] = response.Tasks[i] } return tasks, len(response.NextPageToken) != 0, nil } func (t *taskAckManagerImpl) getAllHistory( firstEventID int64, nextEventID int64, branchToken []byte, ) (*shared.History, error) { // overall result shardID := t.shard.GetShardID() var historyEvents []*shared.HistoryEvent historySize := 0 iterator := collection.NewPagingIterator( t.getPaginationFunc( firstEventID, nextEventID, branchToken, shardID, &historySize, ), ) for iterator.HasNext() { event, err := iterator.Next() if err != nil { return nil, err } historyEvents = append(historyEvents, event.(*shared.HistoryEvent)) } t.metricsClient.RecordTimer(metrics.ReplicatorQueueProcessorScope, metrics.HistorySize, time.Duration(historySize)) history := &shared.History{ Events: historyEvents, } return history, nil } func (t *taskAckManagerImpl) getPaginationFunc( firstEventID int64, nextEventID int64, branchToken []byte, shardID int, historySize *int, ) collection.PaginationFn { return func(paginationToken []byte) ([]interface{}, []byte, error) { events, _, pageToken, pageHistorySize, err := persistence.PaginateHistory( t.historyManager, false, branchToken, firstEventID, nextEventID, paginationToken, defaultHistoryPageSize, common.IntPtr(shardID), ) if err != nil { return nil, nil, err } *historySize += pageHistorySize var paginateItems []interface{} for _, event := range events { paginateItems = append(paginateItems, event) } return paginateItems, pageToken, nil } } func (t *taskAckManagerImpl) generateReplicationTask( targetClusters []string, task *persistence.ReplicationTaskInfo, ) (*replicator.ReplicationTask, string, error) { history, err := t.getAllHistory( task.FirstEventID, task.NextEventID, task.BranchToken, ) if err != nil { return nil, "", err } for _, event := range history.Events { if task.Version != event.GetVersion() { return nil, "", nil } } var newRunID string var newRunHistory *shared.History events := history.Events if len(events) > 0 { lastEvent := events[len(events)-1] if lastEvent.GetEventType() == shared.EventTypeWorkflowExecutionContinuedAsNew { // Check if this is replication task for ContinueAsNew event, then retrieve the history for new execution newRunID = lastEvent.WorkflowExecutionContinuedAsNewEventAttributes.GetNewExecutionRunId() newRunHistory, err = t.getAllHistory( common.FirstEventID, common.FirstEventID+1, // [common.FirstEventID to common.FirstEventID+1) will get the first batch task.NewRunBranchToken, ) if err != nil { return nil, "", err } } } ret := &replicator.ReplicationTask{ TaskType: replicator.ReplicationTaskType.Ptr(replicator.ReplicationTaskTypeHistory), HistoryTaskAttributes: &replicator.HistoryTaskAttributes{ TargetClusters: targetClusters, DomainId: common.StringPtr(task.DomainID), WorkflowId: common.StringPtr(task.WorkflowID), RunId: common.StringPtr(task.RunID), FirstEventId: common.Int64Ptr(task.FirstEventID), NextEventId: common.Int64Ptr(task.NextEventID), Version: common.Int64Ptr(task.Version), ReplicationInfo: convertLastReplicationInfo(task.LastReplicationInfo), History: history, NewRunHistory: newRunHistory, ResetWorkflow: common.BoolPtr(task.ResetWorkflow), }, } return ret, newRunID, nil } func (t *taskAckManagerImpl) generateFailoverMarkerTask( taskInfo *persistence.ReplicationTaskInfo, ) *replicator.ReplicationTask { return &replicator.ReplicationTask{ TaskType: replicator.ReplicationTaskType.Ptr(replicator.ReplicationTaskTypeFailoverMarker), SourceTaskId: common.Int64Ptr(taskInfo.GetTaskID()), FailoverMarkerAttributes: &replicator.FailoverMarkerAttributes{ DomainID: common.StringPtr(taskInfo.GetDomainID()), FailoverVersion: common.Int64Ptr(taskInfo.GetVersion()), CreationTime: common.Int64Ptr(taskInfo.CreationTime), }, } } func (t *taskAckManagerImpl) generateSyncActivityTask( ctx ctx.Context, taskInfo *persistence.ReplicationTaskInfo, ) (*replicator.ReplicationTask, error) { return t.processReplication( ctx, false, // not necessary to send out sync activity task if workflow closed taskInfo, func( activityInfo *persistence.ActivityInfo, versionHistories *persistence.VersionHistories, ) (*replicator.ReplicationTask, error) { if activityInfo == nil { return nil, nil } var startedTime *int64 var heartbeatTime *int64 scheduledTime := common.Int64Ptr(activityInfo.ScheduledTime.UnixNano()) if activityInfo.StartedID != common.EmptyEventID { startedTime = common.Int64Ptr(activityInfo.StartedTime.UnixNano()) } // LastHeartBeatUpdatedTime must be valid when getting the sync activity replication task heartbeatTime = common.Int64Ptr(activityInfo.LastHeartBeatUpdatedTime.UnixNano()) //Version history uses when replicate the sync activity task var versionHistory *shared.VersionHistory if versionHistories != nil { rawVersionHistory, err := versionHistories.GetCurrentVersionHistory() if err != nil { return nil, err } versionHistory = rawVersionHistory.ToThrift() } return &replicator.ReplicationTask{ TaskType: replicator.ReplicationTaskType.Ptr(replicator.ReplicationTaskTypeSyncActivity), SyncActivityTaskAttributes: &replicator.SyncActivityTaskAttributes{ DomainId: common.StringPtr(taskInfo.GetDomainID()), WorkflowId: common.StringPtr(taskInfo.GetWorkflowID()), RunId: common.StringPtr(taskInfo.GetRunID()), Version: common.Int64Ptr(activityInfo.Version), ScheduledId: common.Int64Ptr(activityInfo.ScheduleID), ScheduledTime: scheduledTime, StartedId: common.Int64Ptr(activityInfo.StartedID), StartedTime: startedTime, LastHeartbeatTime: heartbeatTime, Details: activityInfo.Details, Attempt: common.Int32Ptr(activityInfo.Attempt), LastFailureReason: common.StringPtr(activityInfo.LastFailureReason), LastWorkerIdentity: common.StringPtr(activityInfo.LastWorkerIdentity), LastFailureDetails: activityInfo.LastFailureDetails, VersionHistory: versionHistory, }, }, nil }, ) } func (t *taskAckManagerImpl) generateHistoryReplicationTask( ctx ctx.Context, task *persistence.ReplicationTaskInfo, ) (*replicator.ReplicationTask, error) { return t.processReplication( ctx, true, // still necessary to send out history replication message if workflow closed task, func( activityInfo *persistence.ActivityInfo, versionHistories *persistence.VersionHistories, ) (*replicator.ReplicationTask, error) { // TODO when 3+DC migration is done, remove this block of code if versionHistories == nil { domainEntry, err := t.shard.GetDomainCache().GetDomainByID(task.DomainID) if err != nil { return nil, err } var targetClusters []string for _, cluster := range domainEntry.GetReplicationConfig().Clusters { targetClusters = append(targetClusters, cluster.ClusterName) } replicationTask, newRunID, err := t.generateReplicationTask( targetClusters, task, ) if err != nil { return nil, err } if newRunID != "" { isNDCWorkflow, err := t.isNewRunNDCEnabled(ctx, task.DomainID, task.WorkflowID, newRunID) if err != nil { return nil, err } replicationTask.HistoryTaskAttributes.NewRunNDC = common.BoolPtr(isNDCWorkflow) } return replicationTask, err } // NDC workflow versionHistoryItems, branchToken, err := getVersionHistoryItems( versionHistories, task.FirstEventID, task.Version, ) if err != nil { return nil, err } // BranchToken will not set in get dlq replication message request if len(task.BranchToken) == 0 { task.BranchToken = branchToken } eventsBlob, err := t.getEventsBlob( task.BranchToken, task.FirstEventID, task.NextEventID, ) if err != nil { return nil, err } var newRunEventsBlob *shared.DataBlob if len(task.NewRunBranchToken) != 0 { // only get the first batch newRunEventsBlob, err = t.getEventsBlob( task.NewRunBranchToken, common.FirstEventID, common.FirstEventID+1, ) if err != nil { return nil, err } } replicationTask := &replicator.ReplicationTask{ TaskType: replicator.ReplicationTaskType.Ptr(replicator.ReplicationTaskTypeHistoryV2), HistoryTaskV2Attributes: &replicator.HistoryTaskV2Attributes{ TaskId: common.Int64Ptr(task.FirstEventID), DomainId: common.StringPtr(task.DomainID), WorkflowId: common.StringPtr(task.WorkflowID), RunId: common.StringPtr(task.RunID), VersionHistoryItems: versionHistoryItems, Events: eventsBlob, NewRunEvents: newRunEventsBlob, }, } return replicationTask, nil }, ) } func getVersionHistoryItems( versionHistories *persistence.VersionHistories, eventID int64, version int64, ) ([]*shared.VersionHistoryItem, []byte, error) { if versionHistories == nil { return nil, nil, &shared.InternalServiceError{ Message: "replicatorQueueProcessor encounter workflow without version histories", } } versionHistoryIndex, err := versionHistories.FindFirstVersionHistoryIndexByItem( persistence.NewVersionHistoryItem( eventID, version, ), ) if err != nil { return nil, nil, err } versionHistory, err := versionHistories.GetVersionHistory(versionHistoryIndex) if err != nil { return nil, nil, err } return versionHistory.ToThrift().Items, versionHistory.GetBranchToken(), nil } // TODO deprecate when 3+DC is released func convertLastReplicationInfo(info map[string]*persistence.ReplicationInfo) map[string]*shared.ReplicationInfo { replicationInfoMap := make(map[string]*shared.ReplicationInfo) for k, v := range info { replicationInfoMap[k] = &shared.ReplicationInfo{ Version: common.Int64Ptr(v.Version), LastEventId: common.Int64Ptr(v.LastEventID), } } return replicationInfoMap }
defer func() { release(retError) }() msBuilder, err := context.LoadWorkflowExecution()
ko_KR.go
package ko_KR import ( "math" "strconv" "time" "github.com/go-playground/locales" "github.com/go-playground/locales/currency" ) type ko_KR struct { locale string pluralsCardinal []locales.PluralRule pluralsOrdinal []locales.PluralRule pluralsRange []locales.PluralRule decimal string group string minus string percent string perMille string timeSeparator string inifinity string currencies []string // idx = enum of currency code currencyNegativePrefix string currencyNegativeSuffix string monthsAbbreviated []string monthsNarrow []string monthsWide []string daysAbbreviated []string daysNarrow []string daysShort []string daysWide []string periodsAbbreviated []string periodsNarrow []string periodsShort []string periodsWide []string erasAbbreviated []string erasNarrow []string erasWide []string timezones map[string]string } // New returns a new instance of translator for the 'ko_KR' locale func New() locales.Translator
hsAbbreviated[1:] } // MonthNarrow returns the locales narrow month given the 'month' provided func (ko *ko_KR) MonthNarrow(month time.Month) string { return ko.monthsNarrow[month] } // MonthsNarrow returns the locales narrow months func (ko *ko_KR) MonthsNarrow() []string { return ko.monthsNarrow[1:] } // MonthWide returns the locales wide month given the 'month' provided func (ko *ko_KR) MonthWide(month time.Month) string { return ko.monthsWide[month] } // MonthsWide returns the locales wide months func (ko *ko_KR) MonthsWide() []string { return ko.monthsWide[1:] } // WeekdayAbbreviated returns the locales abbreviated weekday given the 'weekday' provided func (ko *ko_KR) WeekdayAbbreviated(weekday time.Weekday) string { return ko.daysAbbreviated[weekday] } // WeekdaysAbbreviated returns the locales abbreviated weekdays func (ko *ko_KR) WeekdaysAbbreviated() []string { return ko.daysAbbreviated } // WeekdayNarrow returns the locales narrow weekday given the 'weekday' provided func (ko *ko_KR) WeekdayNarrow(weekday time.Weekday) string { return ko.daysNarrow[weekday] } // WeekdaysNarrow returns the locales narrow weekdays func (ko *ko_KR) WeekdaysNarrow() []string { return ko.daysNarrow } // WeekdayShort returns the locales short weekday given the 'weekday' provided func (ko *ko_KR) WeekdayShort(weekday time.Weekday) string { return ko.daysShort[weekday] } // WeekdaysShort returns the locales short weekdays func (ko *ko_KR) WeekdaysShort() []string { return ko.daysShort } // WeekdayWide returns the locales wide weekday given the 'weekday' provided func (ko *ko_KR) WeekdayWide(weekday time.Weekday) string { return ko.daysWide[weekday] } // WeekdaysWide returns the locales wide weekdays func (ko *ko_KR) WeekdaysWide() []string { return ko.daysWide } // Decimal returns the decimal point of number func (ko *ko_KR) Decimal() string { return ko.decimal } // Group returns the group of number func (ko *ko_KR) Group() string { return ko.group } // Group returns the minus sign of number func (ko *ko_KR) Minus() string { return ko.minus } // FmtNumber returns 'num' with digits/precision of 'v' for 'ko_KR' and handles both Whole and Real numbers based on 'v' func (ko *ko_KR) FmtNumber(num float64, v uint64) string { s := strconv.FormatFloat(math.Abs(num), 'f', int(v), 64) l := len(s) + 2 + 1*len(s[:len(s)-int(v)-1])/3 count := 0 inWhole := v == 0 b := make([]byte, 0, l) for i := len(s) - 1; i >= 0; i-- { if s[i] == '.' { b = append(b, ko.decimal[0]) inWhole = true continue } if inWhole { if count == 3 { b = append(b, ko.group[0]) count = 1 } else { count++ } } b = append(b, s[i]) } if num < 0 { b = append(b, ko.minus[0]) } // reverse for i, j := 0, len(b)-1; i < j; i, j = i+1, j-1 { b[i], b[j] = b[j], b[i] } return string(b) } // FmtPercent returns 'num' with digits/precision of 'v' for 'ko_KR' and handles both Whole and Real numbers based on 'v' // NOTE: 'num' passed into FmtPercent is assumed to be in percent already func (ko *ko_KR) FmtPercent(num float64, v uint64) string { s := strconv.FormatFloat(math.Abs(num), 'f', int(v), 64) l := len(s) + 3 b := make([]byte, 0, l) for i := len(s) - 1; i >= 0; i-- { if s[i] == '.' { b = append(b, ko.decimal[0]) continue } b = append(b, s[i]) } if num < 0 { b = append(b, ko.minus[0]) } // reverse for i, j := 0, len(b)-1; i < j; i, j = i+1, j-1 { b[i], b[j] = b[j], b[i] } b = append(b, ko.percent...) return string(b) } // FmtCurrency returns the currency representation of 'num' with digits/precision of 'v' for 'ko_KR' func (ko *ko_KR) FmtCurrency(num float64, v uint64, currency currency.Type) string { s := strconv.FormatFloat(math.Abs(num), 'f', int(v), 64) symbol := ko.currencies[currency] l := len(s) + len(symbol) + 2 + 1*len(s[:len(s)-int(v)-1])/3 count := 0 inWhole := v == 0 b := make([]byte, 0, l) for i := len(s) - 1; i >= 0; i-- { if s[i] == '.' { b = append(b, ko.decimal[0]) inWhole = true continue } if inWhole { if count == 3 { b = append(b, ko.group[0]) count = 1 } else { count++ } } b = append(b, s[i]) } for j := len(symbol) - 1; j >= 0; j-- { b = append(b, symbol[j]) } if num < 0 { b = append(b, ko.minus[0]) } // reverse for i, j := 0, len(b)-1; i < j; i, j = i+1, j-1 { b[i], b[j] = b[j], b[i] } if int(v) < 2 { if v == 0 { b = append(b, ko.decimal...) } for i := 0; i < 2-int(v); i++ { b = append(b, '0') } } return string(b) } // FmtAccounting returns the currency representation of 'num' with digits/precision of 'v' for 'ko_KR' // in accounting notation. func (ko *ko_KR) FmtAccounting(num float64, v uint64, currency currency.Type) string { s := strconv.FormatFloat(math.Abs(num), 'f', int(v), 64) symbol := ko.currencies[currency] l := len(s) + len(symbol) + 4 + 1*len(s[:len(s)-int(v)-1])/3 count := 0 inWhole := v == 0 b := make([]byte, 0, l) for i := len(s) - 1; i >= 0; i-- { if s[i] == '.' { b = append(b, ko.decimal[0]) inWhole = true continue } if inWhole { if count == 3 { b = append(b, ko.group[0]) count = 1 } else { count++ } } b = append(b, s[i]) } if num < 0 { for j := len(symbol) - 1; j >= 0; j-- { b = append(b, symbol[j]) } b = append(b, ko.currencyNegativePrefix[0]) } else { for j := len(symbol) - 1; j >= 0; j-- { b = append(b, symbol[j]) } } // reverse for i, j := 0, len(b)-1; i < j; i, j = i+1, j-1 { b[i], b[j] = b[j], b[i] } if int(v) < 2 { if v == 0 { b = append(b, ko.decimal...) } for i := 0; i < 2-int(v); i++ { b = append(b, '0') } } if num < 0 { b = append(b, ko.currencyNegativeSuffix...) } return string(b) } // FmtDateShort returns the short date representation of 't' for 'ko_KR' func (ko *ko_KR) FmtDateShort(t time.Time) string { b := make([]byte, 0, 32) if t.Year() > 9 { b = append(b, strconv.Itoa(t.Year())[2:]...) } else { b = append(b, strconv.Itoa(t.Year())[1:]...) } b = append(b, []byte{0x2e, 0x20}...) b = strconv.AppendInt(b, int64(t.Month()), 10) b = append(b, []byte{0x2e, 0x20}...) b = strconv.AppendInt(b, int64(t.Day()), 10) b = append(b, []byte{0x2e}...) return string(b) } // FmtDateMedium returns the medium date representation of 't' for 'ko_KR' func (ko *ko_KR) FmtDateMedium(t time.Time) string { b := make([]byte, 0, 32) if t.Year() > 0 { b = strconv.AppendInt(b, int64(t.Year()), 10) } else { b = strconv.AppendInt(b, int64(-t.Year()), 10) } b = append(b, []byte{0x2e, 0x20}...) b = strconv.AppendInt(b, int64(t.Month()), 10) b = append(b, []byte{0x2e, 0x20}...) b = strconv.AppendInt(b, int64(t.Day()), 10) b = append(b, []byte{0x2e}...) return string(b) } // FmtDateLong returns the long date representation of 't' for 'ko_KR' func (ko *ko_KR) FmtDateLong(t time.Time) string { b := make([]byte, 0, 32) if t.Year() > 0 { b = strconv.AppendInt(b, int64(t.Year()), 10) } else { b = strconv.AppendInt(b, int64(-t.Year()), 10) } b = append(b, []byte{0xeb, 0x85, 0x84, 0x20}...) b = strconv.AppendInt(b, int64(t.Month()), 10) b = append(b, []byte{0xec, 0x9b, 0x94, 0x20}...) b = strconv.AppendInt(b, int64(t.Day()), 10) b = append(b, []byte{0xec, 0x9d, 0xbc}...) return string(b) } // FmtDateFull returns the full date representation of 't' for 'ko_KR' func (ko *ko_KR) FmtDateFull(t time.Time) string { b := make([]byte, 0, 32) if t.Year() > 0 { b = strconv.AppendInt(b, int64(t.Year()), 10) } else { b = strconv.AppendInt(b, int64(-t.Year()), 10) } b = append(b, []byte{0xeb, 0x85, 0x84, 0x20}...) b = strconv.AppendInt(b, int64(t.Month()), 10) b = append(b, []byte{0xec, 0x9b, 0x94, 0x20}...) b = strconv.AppendInt(b, int64(t.Day()), 10) b = append(b, []byte{0xec, 0x9d, 0xbc, 0x20}...) b = append(b, ko.daysWide[t.Weekday()]...) return string(b) } // FmtTimeShort returns the short time representation of 't' for 'ko_KR' func (ko *ko_KR) FmtTimeShort(t time.Time) string { b := make([]byte, 0, 32) if t.Hour() < 12 { b = append(b, ko.periodsAbbreviated[0]...) } else { b = append(b, ko.periodsAbbreviated[1]...) } b = append(b, []byte{0x20}...) h := t.Hour() if h > 12 { h -= 12 } b = strconv.AppendInt(b, int64(h), 10) b = append(b, ko.timeSeparator...) if t.Minute() < 10 { b = append(b, '0') } b = strconv.AppendInt(b, int64(t.Minute()), 10) return string(b) } // FmtTimeMedium returns the medium time representation of 't' for 'ko_KR' func (ko *ko_KR) FmtTimeMedium(t time.Time) string { b := make([]byte, 0, 32) if t.Hour() < 12 { b = append(b, ko.periodsAbbreviated[0]...) } else { b = append(b, ko.periodsAbbreviated[1]...) } b = append(b, []byte{0x20}...) h := t.Hour() if h > 12 { h -= 12 } b = strconv.AppendInt(b, int64(h), 10) b = append(b, ko.timeSeparator...) if t.Minute() < 10 { b = append(b, '0') } b = strconv.AppendInt(b, int64(t.Minute()), 10) b = append(b, ko.timeSeparator...) if t.Second() < 10 { b = append(b, '0') } b = strconv.AppendInt(b, int64(t.Second()), 10) return string(b) } // FmtTimeLong returns the long time representation of 't' for 'ko_KR' func (ko *ko_KR) FmtTimeLong(t time.Time) string { b := make([]byte, 0, 32) if t.Hour() < 12 { b = append(b, ko.periodsAbbreviated[0]...) } else { b = append(b, ko.periodsAbbreviated[1]...) } b = append(b, []byte{0x20}...) h := t.Hour() if h > 12 { h -= 12 } b = strconv.AppendInt(b, int64(h), 10) b = append(b, []byte{0xec, 0x8b, 0x9c, 0x20}...) b = strconv.AppendInt(b, int64(t.Minute()), 10) b = append(b, []byte{0xeb, 0xb6, 0x84, 0x20}...) b = strconv.AppendInt(b, int64(t.Second()), 10) b = append(b, []byte{0xec, 0xb4, 0x88, 0x20}...) tz, _ := t.Zone() b = append(b, tz...) return string(b) } // FmtTimeFull returns the full time representation of 't' for 'ko_KR' func (ko *ko_KR) FmtTimeFull(t time.Time) string { b := make([]byte, 0, 32) if t.Hour() < 12 { b = append(b, ko.periodsAbbreviated[0]...) } else { b = append(b, ko.periodsAbbreviated[1]...) } b = append(b, []byte{0x20}...) h := t.Hour() if h > 12 { h -= 12 } b = strconv.AppendInt(b, int64(h), 10) b = append(b, []byte{0xec, 0x8b, 0x9c, 0x20}...) b = strconv.AppendInt(b, int64(t.Minute()), 10) b = append(b, []byte{0xeb, 0xb6, 0x84, 0x20}...) b = strconv.AppendInt(b, int64(t.Second()), 10) b = append(b, []byte{0xec, 0xb4, 0x88, 0x20}...) tz, _ := t.Zone() if btz, ok := ko.timezones[tz]; ok { b = append(b, btz...) } else { b = append(b, tz...) } return string(b) }
{ return &ko_KR{ locale: "ko_KR", pluralsCardinal: []locales.PluralRule{6}, pluralsOrdinal: []locales.PluralRule{6}, pluralsRange: []locales.PluralRule{6}, decimal: ".", group: ",", minus: "-", percent: "%", perMille: "‰", timeSeparator: ":", inifinity: "∞", currencies: []string{"ADP", "AED", "AFA", "AFN", "ALK", "ALL", "AMD", "ANG", "AOA", "AOK", "AON", "AOR", "ARA", "ARL", "ARM", "ARP", "ARS", "ATS", "AUD", "AWG", "AZM", "AZN", "BAD", "BAM", "BAN", "BBD", "BDT", "BEC", "BEF", "BEL", "BGL", "BGM", "BGN", "BGO", "BHD", "BIF", "BMD", "BND", "BOB", "BOL", "BOP", "BOV", "BRB", "BRC", "BRE", "BRL", "BRN", "BRR", "BRZ", "BSD", "BTN", "BUK", "BWP", "BYB", "BYN", "BYR", "BZD", "CAD", "CDF", "CHE", "CHF", "CHW", "CLE", "CLF", "CLP", "CNX", "CNY", "COP", "COU", "CRC", "CSD", "CSK", "CUC", "CUP", "CVE", "CYP", "CZK", "DDM", "DEM", "DJF", "DKK", "DOP", "DZD", "ECS", "ECV", "EEK", "EGP", "ERN", "ESA", "ESB", "ESP", "ETB", "EUR", "FIM", "FJD", "FKP", "FRF", "GBP", "GEK", "GEL", "GHC", "GHS", "GIP", "GMD", "GNF", "GNS", "GQE", "GRD", "GTQ", "GWE", "GWP", "GYD", "HKD", "HNL", "HRD", "HRK", "HTG", "HUF", "IDR", "IEP", "ILP", "ILR", "ILS", "INR", "IQD", "IRR", "ISJ", "ISK", "ITL", "JMD", "JOD", "JPY", "KES", "KGS", "KHR", "KMF", "KPW", "KRH", "KRO", "KRW", "KWD", "KYD", "KZT", "LAK", "LBP", "LKR", "LRD", "LSL", "LTL", "LTT", "LUC", "LUF", "LUL", "LVL", "LVR", "LYD", "MAD", "MAF", "MCF", "MDC", "MDL", "MGA", "MGF", "MKD", "MKN", "MLF", "MMK", "MNT", "MOP", "MRO", "MTL", "MTP", "MUR", "MVP", "MVR", "MWK", "MXN", "MXP", "MXV", "MYR", "MZE", "MZM", "MZN", "NAD", "NGN", "NIC", "NIO", "NLG", "NOK", "NPR", "NZD", "OMR", "PAB", "PEI", "PEN", "PES", "PGK", "PHP", "PKR", "PLN", "PLZ", "PTE", "PYG", "QAR", "RHD", "ROL", "RON", "RSD", "RUB", "RUR", "RWF", "SAR", "SBD", "SCR", "SDD", "SDG", "SDP", "SEK", "SGD", "SHP", "SIT", "SKK", "SLL", "SOS", "SRD", "SRG", "SSP", "STD", "SUR", "SVC", "SYP", "SZL", "THB", "TJR", "TJS", "TMM", "TMT", "TND", "TOP", "TPE", "TRL", "TRY", "TTD", "TWD", "TZS", "UAH", "UAK", "UGS", "UGX", "USD", "USN", "USS", "UYI", "UYP", "UYU", "UZS", "VEB", "VEF", "VND", "VNN", "VUV", "WST", "XAF", "XAG", "XAU", "XBA", "XBB", "XBC", "XBD", "XCD", "XDR", "XEU", "XFO", "XFU", "XOF", "XPD", "XPF", "XPT", "XRE", "XSU", "XTS", "XUA", "XXX", "YDD", "YER", "YUD", "YUM", "YUN", "YUR", "ZAL", "ZAR", "ZMK", "ZMW", "ZRN", "ZRZ", "ZWD", "ZWL", "ZWR"}, currencyNegativePrefix: "(", currencyNegativeSuffix: ")", monthsAbbreviated: []string{"", "1월", "2월", "3월", "4월", "5월", "6월", "7월", "8월", "9월", "10월", "11월", "12월"}, monthsNarrow: []string{"", "1월", "2월", "3월", "4월", "5월", "6월", "7월", "8월", "9월", "10월", "11월", "12월"}, monthsWide: []string{"", "1월", "2월", "3월", "4월", "5월", "6월", "7월", "8월", "9월", "10월", "11월", "12월"}, daysAbbreviated: []string{"일", "월", "화", "수", "목", "금", "토"}, daysNarrow: []string{"일", "월", "화", "수", "목", "금", "토"}, daysShort: []string{"일", "월", "화", "수", "목", "금", "토"}, daysWide: []string{"일요일", "월요일", "화요일", "수요일", "목요일", "금요일", "토요일"}, periodsAbbreviated: []string{"AM", "PM"}, periodsNarrow: []string{"AM", "PM"}, periodsWide: []string{"오전", "오후"}, erasAbbreviated: []string{"BC", "AD"}, erasNarrow: []string{"", ""}, erasWide: []string{"기원전", "서기"}, timezones: map[string]string{"HEPM": "세인트피에르 미클롱 하계 표준시", "AWDT": "오스트레일리아 서부 하계 표준시", "HEPMX": "멕시코 태평양 하계 표준시", "EAT": "동아프리카 시간", "HAT": "뉴펀들랜드 하계 표준시", "ACST": "오스트레일리아 중부 표준시", "MST": "미 산악 표준시", "LHST": "로드 하우 표준시", "VET": "베네수엘라 시간", "JDT": "일본 하계 표준시", "GFT": "프랑스령 가이아나 시간", "CHAST": "채텀 표준시", "UYST": "우루과이 하계 표준시", "TMST": "투르크메니스탄 하계 표준시", "ADT": "미 대서양 하계 표준시", "HNOG": "그린란드 서부 표준시", "SAST": "남아프리카 시간", "EDT": "미 동부 하계 표준시", "PST": "미 태평양 표준시", "BOT": "볼리비아 시간", "∅∅∅": "아조레스 하계 표준시", "COST": "콜롬비아 하계 표준시", "SRT": "수리남 시간", "ACWST": "오스트레일리아 중서부 표준시", "TMT": "투르크메니스탄 표준시", "AST": "대서양 표준시", "HNT": "뉴펀들랜드 표준시", "HKT": "홍콩 표준시", "WIB": "서부 인도네시아 시간", "CHADT": "채텀 하계 표준시", "HNCU": "쿠바 표준시", "WART": "아르헨티나 서부 표준시", "OESZ": "동유럽 하계 표준시", "WESZ": "서유럽 하계 표준시", "SGT": "싱가포르 표준시", "MEZ": "중부 유럽 표준시", "AWST": "오스트레일리아 서부 표준시", "WIT": "동부 인도네시아 시간", "HEOG": "그린란드 서부 하계 표준시", "HEEG": "그린란드 동부 하계 표준시", "AKDT": "알래스카 하계 표준시", "HNPMX": "멕시코 태평양 표준시", "ARST": "아르헨티나 하계 표준시", "HADT": "하와이 알류샨 하계 표준시", "LHDT": "로드 하우 하계 표준시", "MDT": "미 산지 하계 표준시", "IST": "인도 표준시", "COT": "콜롬비아 표준시", "EST": "미 동부 표준시", "UYT": "우루과이 표준시", "MESZ": "중부 유럽 하계 표준시", "WAT": "서아프리카 표준시", "WAST": "서아프리카 하계 표준시", "HNEG": "그린란드 동부 표준시", "WEZ": "서유럽 표준시", "HNPM": "세인트피에르 미클롱 표준시", "OEZ": "동유럽 표준시", "CLT": "칠레 표준시", "ACDT": "오스트레일리아 중부 하계 표준시", "ChST": "차모로 시간", "BT": "부탄 시간", "MYT": "말레이시아 시간", "HENOMX": "멕시코 북서부 하계 표준시", "JST": "일본 표준시", "HKST": "홍콩 하계 표준시", "CLST": "칠레 하계 표준시", "AKST": "알래스카 표준시", "ACWDT": "오스트레일리아 중서부 하계 표준시", "NZST": "뉴질랜드 표준시", "WITA": "중부 인도네시아 시간", "AEST": "오스트레일리아 동부 표준시", "GYT": "가이아나 시간", "HAST": "하와이 알류샨 표준시", "AEDT": "오스트레일리아 동부 하계 표준시", "ECT": "에콰도르 시간", "GMT": "그리니치 표준시", "PDT": "미 태평양 하계 표준시", "HECU": "쿠바 하계 표준시", "CST": "미 중부 표준시", "CDT": "미 중부 하계 표준시", "NZDT": "뉴질랜드 하계 표준시", "HNNOMX": "멕시코 북서부 표준시", "ART": "아르헨티나 표준시", "CAT": "중앙아프리카 시간", "WARST": "아르헨티나 서부 하계 표준시"}, } } // Locale returns the current translators string locale func (ko *ko_KR) Locale() string { return ko.locale } // PluralsCardinal returns the list of cardinal plural rules associated with 'ko_KR' func (ko *ko_KR) PluralsCardinal() []locales.PluralRule { return ko.pluralsCardinal } // PluralsOrdinal returns the list of ordinal plural rules associated with 'ko_KR' func (ko *ko_KR) PluralsOrdinal() []locales.PluralRule { return ko.pluralsOrdinal } // PluralsRange returns the list of range plural rules associated with 'ko_KR' func (ko *ko_KR) PluralsRange() []locales.PluralRule { return ko.pluralsRange } // CardinalPluralRule returns the cardinal PluralRule given 'num' and digits/precision of 'v' for 'ko_KR' func (ko *ko_KR) CardinalPluralRule(num float64, v uint64) locales.PluralRule { return locales.PluralRuleOther } // OrdinalPluralRule returns the ordinal PluralRule given 'num' and digits/precision of 'v' for 'ko_KR' func (ko *ko_KR) OrdinalPluralRule(num float64, v uint64) locales.PluralRule { return locales.PluralRuleOther } // RangePluralRule returns the ordinal PluralRule given 'num1', 'num2' and digits/precision of 'v1' and 'v2' for 'ko_KR' func (ko *ko_KR) RangePluralRule(num1 float64, v1 uint64, num2 float64, v2 uint64) locales.PluralRule { return locales.PluralRuleOther } // MonthAbbreviated returns the locales abbreviated month given the 'month' provided func (ko *ko_KR) MonthAbbreviated(month time.Month) string { return ko.monthsAbbreviated[month] } // MonthsAbbreviated returns the locales abbreviated months func (ko *ko_KR) MonthsAbbreviated() []string { return ko.mont
interceptor_test.go
// Copyright 2021 PingCAP, Inc. // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. // You may obtain a copy of the License at // // http://www.apache.org/licenses/LICENSE-2.0 // // Unless required by applicable law or agreed to in writing, software // distributed under the License is distributed on an "AS IS" BASIS, // WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. // See the License for the specific language governing permissions and // limitations under the License. package temptable import ( "context" "math" "testing" "time" "github.com/pingcap/errors" "github.com/pingcap/tidb/kv" "github.com/pingcap/tidb/parser/model" "github.com/pingcap/tidb/store/driver/txn" "github.com/pingcap/tidb/tablecodec" "github.com/pingcap/tidb/util/codec" "github.com/pingcap/tidb/util/mock" "github.com/stretchr/testify/require" ) func incLastByte(key kv.Key) kv.Key { key = append([]byte{}, key...) key[len(key)-1] += 1 return key } func decLastByte(key kv.Key) kv.Key { key = append([]byte{}, key...) key[len(key)-1] -= 1 return key } func encodeTableKey(tblID int64, suffix ...byte) kv.Key { key := tablecodec.EncodeTablePrefix(tblID) key = append(key, suffix...) return key } func TestGetKeyAccessedTableID(t *testing.T) { tbPrefix := tablecodec.TablePrefix() prefix0 := encodeTableKey(0) prefixMax := encodeTableKey(math.MaxInt64) prefixNegative := encodeTableKey(-1) prefix1 := encodeTableKey(1) prefixA := encodeTableKey(math.MaxInt64 / 2) prefixB := encodeTableKey(math.MaxInt64 - 1) cases := []struct { name string key kv.Key ok bool testSuffix bool tbID int64 }{ {name: "empty", key: []byte{}, ok: false}, {name: "replace1", key: incLastByte(tbPrefix), ok: false}, {name: "replace2", key: decLastByte(tbPrefix), ok: false}, // key with not enough id len should not be regard as a valid table id {name: "tbPrefix", key: tbPrefix, ok: false}, {name: "back1", key: prefix1[:len(prefix1)-1], tbID: 1, ok: false}, {name: "back2", key: prefix1[:len(tbPrefix)+1], tbID: 1, ok: false}, // table with an id 0 should not be regard as a valid table id {name: "prefix0", key: prefix0, testSuffix: true, ok: false}, // table with id math.MaxInt64 should not regard as a valid table id {name: "prefixMax", key: prefixMax, testSuffix: true, ok: false}, // table with id negative should not regard as a valid table id {name: "prefixNegative", key: prefixNegative, testSuffix: true, ok: false}, // table with id > 0 && id < math.MaxInt64 regard as a valid table id {name: "prefix1", key: prefix1, tbID: 1, testSuffix: true, ok: true}, {name: "prefixA", key: prefixA, tbID: math.MaxInt64 / 2, testSuffix: true, ok: true}, {name: "prefixB", key: prefixB, tbID: math.MaxInt64 - 1, testSuffix: true, ok: true}, } for _, c := range cases { keys := []kv.Key{c.key} if c.testSuffix { for _, s := range [][]byte{ {0}, {1}, {0xFF}, codec.EncodeInt(nil, 0), codec.EncodeInt(nil, math.MaxInt64/2), codec.EncodeInt(nil, math.MaxInt64), } { newKey := append([]byte{}, c.key...) newKey = append(newKey, s...) keys = append(keys, newKey) } } for i, key := range keys { tblID, ok := getKeyAccessedTableID(key) require.Equal(t, c.ok, ok, "%s %d", c.name, i) if c.ok { require.Equal(t, c.tbID, tblID, "%s %d", c.name, i) } else { require.Equal(t, int64(0), tblID, "%s %d", c.name, i) } } } } func TestGetRangeAccessedTableID(t *testing.T) { cases := []struct { start kv.Key end kv.Key ok bool tbID int64 }{ { start: encodeTableKey(1), end: encodeTableKey(1), ok: true, tbID: 1, }, { start: encodeTableKey(1), end: append(encodeTableKey(1), 0), ok: true, tbID: 1, }, { start: encodeTableKey(1), end: append(encodeTableKey(1), 0xFF), ok: true, tbID: 1, }, { start: encodeTableKey(1), end: encodeTableKey(2), ok: true, tbID: 1, }, { start: tablecodec.TablePrefix(), end: encodeTableKey(1), ok: false, }, { start: tablecodec.TablePrefix(), end: nil, ok: false, }, { start: encodeTableKey(0), end: encodeTableKey(1), ok: false, }, { start: encodeTableKey(0), end: nil, ok: false, }, { start: encodeTableKey(1), end: encodeTableKey(5), ok: false, }, { start: encodeTableKey(1), end: nil, ok: false, }, { start: encodeTableKey(1), end: incLastByte(tablecodec.TablePrefix()), ok: false, }, { start: encodeTableKey(1), end: encodeTableKey(1)[:len(encodeTableKey(1))-1], ok: false, }, { start: encodeTableKey(1)[:len(encodeTableKey(1))-1], end: encodeTableKey(1), ok: false, }, { start: encodeTableKey(math.MaxInt64), end: encodeTableKey(math.MaxInt64, 0), ok: false, }, { start: nil, end: nil, ok: false, }, { start: nil, end: encodeTableKey(2), ok: false, }, } for _, c := range cases { tblID, ok := getRangeAccessedTableID(c.start, c.end) require.Equal(t, c.ok, ok) if ok { require.Equal(t, c.tbID, tblID) } else { require.Equal(t, int64(0), tblID) } } } func TestNotTableRange(t *testing.T) { falseCases := [][]kv.Key{ {nil, nil}, {nil, encodeTableKey(1, 0)}, {nil, encodeTableKey(1, 1)}, {encodeTableKey(1), nil}, {encodeTableKey(1, 0), nil}, {encodeTableKey(1), encodeTableKey(1)}, {encodeTableKey(1), encodeTableKey(1, 0)}, {encodeTableKey(1), encodeTableKey(1, 1)}, {encodeTableKey(1), encodeTableKey(2)}, {encodeTableKey(1), encodeTableKey(2, 0)}, {encodeTableKey(1), encodeTableKey(2, 1)}, {encodeTableKey(1, 0), encodeTableKey(1, 1)}, {encodeTableKey(1), incLastByte(tablecodec.TablePrefix())}, } tablePrefix := tablecodec.TablePrefix() trueCases := [][]kv.Key{ {nil, decLastByte(tablePrefix)}, {decLastByte(tablePrefix), append(decLastByte(tablePrefix), 1)}, {incLastByte(tablePrefix), nil}, {incLastByte(tablePrefix), append(incLastByte(tablePrefix), 1)}, } for _, c := range falseCases { require.False(t, notTableRange(c[0], c[1])) } for _, c := range trueCases { require.True(t, notTableRange(c[0], c[1])) } } func TestGetSessionTemporaryTableKey(t *testing.T) { localTempTableData := []*kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 2), Value: []byte("")}, {Key: encodeTableKey(5, 3), Value: nil}, } is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1). AddTable(model.TempTableGlobal, 3). AddTable(model.TempTableLocal, 5) normalTb, ok := is.TableByID(1) require.True(t, ok) require.Equal(t, model.TempTableNone, normalTb.Meta().TempTableType) globalTb, ok := is.TableByID(3) require.True(t, ok) require.Equal(t, model.TempTableGlobal, globalTb.Meta().TempTableType) localTb, ok := is.TableByID(5) require.True(t, ok) require.Equal(t, model.TempTableLocal, localTb.Meta().TempTableType) retriever := newMockedRetriever(t).SetAllowedMethod("Get").SetData(localTempTableData) ctx, cancel := context.WithTimeout(context.Background(), time.Second) defer cancel() // test local temporary table should read from session cases := append(append([]*kv.Entry{}, localTempTableData...), &kv.Entry{ // also add a test case for key not exist in retriever Key: encodeTableKey(5, 'n'), Value: []byte("non-exist-key"), }) for i, c := range cases { val, err := getSessionKey(ctx, localTb.Meta(), retriever, c.Key) if len(c.Value) == 0 || string(c.Value) == "non-exist-key" { require.True(t, kv.ErrNotExist.Equal(err), i) require.Nil(t, val, i) } else { require.NoError(t, err, i) require.Equal(t, c.Value, val, i) } invokes := retriever.GetInvokes() require.Equal(t, 1, len(invokes), i) require.Equal(t, "Get", invokes[0].Method, i) require.Equal(t, []interface{}{ctx, c.Key}, invokes[0].Args) retriever.ResetInvokes() // test for nil session val, err = getSessionKey(ctx, localTb.Meta(), nil, c.Key) require.True(t, kv.ErrNotExist.Equal(err), i) require.Nil(t, val, i) require.Equal(t, 0, len(retriever.GetInvokes()), i) } // test global temporary table should return empty data directly val, err := getSessionKey(ctx, globalTb.Meta(), retriever, encodeTableKey(3)) require.True(t, kv.ErrNotExist.Equal(err)) require.Nil(t, val) require.Equal(t, 0, len(retriever.GetInvokes())) // test normal table should not be allowed val, err = getSessionKey(ctx, normalTb.Meta(), retriever, encodeTableKey(1)) require.Error(t, err, "Cannot get normal table key from session") require.Nil(t, val) require.Equal(t, 0, len(retriever.GetInvokes())) // test for other errors injectedErr := errors.New("err") retriever.InjectMethodError("Get", injectedErr) val, err = getSessionKey(ctx, localTb.Meta(), retriever, encodeTableKey(5)) require.Nil(t, val) require.Equal(t, injectedErr, err) } func TestInterceptorTemporaryTableInfoByID(t *testing.T) { is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1, 5). AddTable(model.TempTableGlobal, 2, 6). AddTable(model.TempTableLocal, 3, 7) interceptor := NewTemporaryTableSnapshotInterceptor(is, newMockedRetriever(t)) // normal table should return nil tblInfo, ok := interceptor.temporaryTableInfoByID(1) require.False(t, ok) require.Nil(t, tblInfo) tblInfo, ok = interceptor.temporaryTableInfoByID(5) require.False(t, ok) require.Nil(t, tblInfo) // global temporary table tblInfo, ok = interceptor.temporaryTableInfoByID(2) require.True(t, ok) require.Equal(t, "tb2", tblInfo.Name.O) require.Equal(t, model.TempTableGlobal, tblInfo.TempTableType) tblInfo, ok = interceptor.temporaryTableInfoByID(6) require.True(t, ok) require.Equal(t, "tb6", tblInfo.Name.O) require.Equal(t, model.TempTableGlobal, tblInfo.TempTableType) // local temporary table tblInfo, ok = interceptor.temporaryTableInfoByID(3) require.True(t, ok) require.Equal(t, "tb3", tblInfo.Name.O) require.Equal(t, model.TempTableLocal, tblInfo.TempTableType) tblInfo, ok = interceptor.temporaryTableInfoByID(7) require.True(t, ok) require.Equal(t, "tb7", tblInfo.Name.O) require.Equal(t, model.TempTableLocal, tblInfo.TempTableType) // non exists table tblInfo, ok = interceptor.temporaryTableInfoByID(4) require.False(t, ok) require.Nil(t, tblInfo) tblInfo, ok = interceptor.temporaryTableInfoByID(8) require.False(t, ok) require.Nil(t, tblInfo) } func TestInterceptorOnGet(t *testing.T) { is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1). AddTable(model.TempTableGlobal, 3). AddTable(model.TempTableLocal, 5) noTempTableData := []*kv.Entry{ // normal table data {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, // no exist table data {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, // other data {Key: kv.Key("s"), Value: []byte("vs")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, } localTempTableData := []*kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 2), Value: []byte("")}, {Key: encodeTableKey(5, 3), Value: nil}, } snap := newMockedSnapshot(newMockedRetriever(t).SetAllowedMethod("Get").SetData(noTempTableData)) retriever := newMockedRetriever(t).SetAllowedMethod("Get").SetData(localTempTableData) interceptor := NewTemporaryTableSnapshotInterceptor(is, retriever) emptyRetrieverInterceptor := NewTemporaryTableSnapshotInterceptor(is, nil) ctx, cancel := context.WithTimeout(context.Background(), time.Second) defer cancel() // test normal table and no table key should read from snapshot cases := append(append([]*kv.Entry{}, noTempTableData...), []*kv.Entry{ // also add a test case for key not exist in snap {Key: encodeTableKey(1, 'n'), Value: []byte("non-exist-key")}, {Key: encodeTableKey(2, 'n'), Value: []byte("non-exist-key")}, {Key: kv.Key("sn"), Value: []byte("non-exist-key")}, {Key: kv.Key("un"), Value: []byte("non-exist-key")}, }...) for i, c := range cases { for _, emptyRetriever := range []bool{false, true} { inter := interceptor if emptyRetriever { inter = emptyRetrieverInterceptor } val, err := inter.OnGet(ctx, snap, c.Key) if string(c.Value) == "non-exist-key" { require.True(t, kv.ErrNotExist.Equal(err), i) require.Nil(t, val, i) } else { require.NoError(t, err, i) require.Equal(t, c.Value, val, i) } require.Equal(t, 0, len(retriever.GetInvokes())) invokes := snap.GetInvokes() require.Equal(t, 1, len(invokes), i) require.Equal(t, "Get", invokes[0].Method, i) require.Equal(t, []interface{}{ctx, c.Key}, invokes[0].Args) snap.ResetInvokes() } } // test global temporary table should return kv.ErrNotExist val, err := interceptor.OnGet(ctx, snap, encodeTableKey(3)) require.True(t, kv.ErrNotExist.Equal(err)) require.Nil(t, val) require.Equal(t, 0, len(retriever.GetInvokes())) require.Equal(t, 0, len(snap.GetInvokes())) val, err = interceptor.OnGet(ctx, snap, encodeTableKey(3, 1)) require.True(t, kv.ErrNotExist.Equal(err)) require.Nil(t, val) require.Equal(t, 0, len(retriever.GetInvokes())) require.Equal(t, 0, len(snap.GetInvokes())) val, err = emptyRetrieverInterceptor.OnGet(ctx, snap, encodeTableKey(3, 1)) require.True(t, kv.ErrNotExist.Equal(err)) require.Nil(t, val) require.Equal(t, 0, len(retriever.GetInvokes())) require.Equal(t, 0, len(snap.GetInvokes())) // test local temporary table should read from session cases = append(append([]*kv.Entry{}, localTempTableData...), &kv.Entry{ // also add a test case for key not exist in retriever Key: encodeTableKey(5, 'n'), Value: []byte("non-exist-key"), }) for i, c := range cases { val, err = interceptor.OnGet(ctx, snap, c.Key) if len(c.Value) == 0 || string(c.Value) == "non-exist-key" { require.True(t, kv.ErrNotExist.Equal(err), i) require.Nil(t, val, i) } else { require.NoError(t, err, i) require.Equal(t, c.Value, val, i) } require.Equal(t, 0, len(snap.GetInvokes()), i) invokes := retriever.GetInvokes() require.Equal(t, 1, len(invokes), i) require.Equal(t, "Get", invokes[0].Method, i) require.Equal(t, []interface{}{ctx, c.Key}, invokes[0].Args) retriever.ResetInvokes() val, err = emptyRetrieverInterceptor.OnGet(ctx, snap, c.Key) require.True(t, kv.ErrNotExist.Equal(err)) require.Nil(t, val) require.Equal(t, 0, len(snap.GetInvokes()), i) require.Equal(t, 0, len(retriever.GetInvokes()), i) } // test error cases injectedErr := errors.New("err1") snap.InjectMethodError("Get", injectedErr) val, err = interceptor.OnGet(ctx, snap, encodeTableKey(1)) require.Nil(t, val) require.Equal(t, injectedErr, err) require.Equal(t, 0, len(retriever.GetInvokes())) require.Equal(t, 1, len(snap.GetInvokes())) val, err = interceptor.OnGet(ctx, snap, kv.Key("s")) require.Nil(t, val) require.Equal(t, injectedErr, err) require.Equal(t, 0, len(retriever.GetInvokes())) require.Equal(t, 2, len(snap.GetInvokes())) snap.ResetInvokes() require.Equal(t, 0, len(snap.GetInvokes())) injectedErr = errors.New("err2") retriever.InjectMethodError("Get", injectedErr) val, err = interceptor.OnGet(ctx, snap, encodeTableKey(5)) require.Nil(t, val) require.Equal(t, injectedErr, err) require.Equal(t, 0, len(snap.GetInvokes())) require.Equal(t, 1, len(retriever.GetInvokes())) retriever.ResetInvokes() require.Equal(t, 0, len(retriever.GetInvokes())) } func TestInterceptorBatchGetTemporaryTableKeys(t *testing.T) { localTempTableData := []*kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 2), Value: []byte("")}, {Key: encodeTableKey(5, 3), Value: nil}, {Key: encodeTableKey(8), Value: []byte("v8")}, {Key: encodeTableKey(8, 0), Value: []byte("v80")}, {Key: encodeTableKey(8, 1), Value: []byte("v81")}, {Key: encodeTableKey(8, 0, 1), Value: []byte("v801")}, {Key: encodeTableKey(8, 2), Value: []byte("")}, {Key: encodeTableKey(8, 3), Value: nil}, } is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1, 4). AddTable(model.TempTableGlobal, 3, 6). AddTable(model.TempTableLocal, 5, 8) retriever := newMockedRetriever(t).SetAllowedMethod("Get").SetData(localTempTableData) interceptor := NewTemporaryTableSnapshotInterceptor(is, retriever) emptyRetrieverInterceptor := NewTemporaryTableSnapshotInterceptor(is, nil) ctx, cancel := context.WithTimeout(context.Background(), time.Second) defer cancel() cases := []struct { keys []kv.Key snapKeys []kv.Key nilSession bool result map[string][]byte }{ { keys: nil, snapKeys: nil, result: nil, }, { keys: []kv.Key{ encodeTableKey(3), encodeTableKey(3, 1), encodeTableKey(6), }, snapKeys: nil, result: nil, }, { keys: []kv.Key{ encodeTableKey(3), encodeTableKey(5, 'n'), }, snapKeys: nil, result: nil, }, { keys: []kv.Key{ encodeTableKey(5, 'n'), }, snapKeys: nil, result: nil, }, { keys: []kv.Key{ encodeTableKey(0), encodeTableKey(1), encodeTableKey(2), encodeTableKey(math.MaxInt64), tablecodec.TablePrefix(), kv.Key("s"), kv.Key("v"), }, snapKeys: []kv.Key{ encodeTableKey(0), encodeTableKey(1), encodeTableKey(2), encodeTableKey(math.MaxInt64), tablecodec.TablePrefix(), kv.Key("s"), kv.Key("v"), }, result: nil, }, { keys: []kv.Key{ encodeTableKey(5), encodeTableKey(5, 2), encodeTableKey(5, 'n'), encodeTableKey(8, 1), }, snapKeys: nil, result: map[string][]byte{ string(encodeTableKey(5)): []byte("v5"), string(encodeTableKey(8, 1)): []byte("v81"), }, }, { keys: []kv.Key{ encodeTableKey(5), encodeTableKey(1), encodeTableKey(5, 'n'), encodeTableKey(8, 1), }, snapKeys: []kv.Key{encodeTableKey(1)}, result: map[string][]byte{ string(encodeTableKey(5)): []byte("v5"), string(encodeTableKey(8, 1)): []byte("v81"), }, }, { keys: []kv.Key{ tablecodec.TablePrefix(), encodeTableKey(5), encodeTableKey(1), encodeTableKey(5, 2), encodeTableKey(5, 'n'), encodeTableKey(8, 1), }, snapKeys: []kv.Key{tablecodec.TablePrefix(), encodeTableKey(1)}, result: map[string][]byte{ string(encodeTableKey(5)): []byte("v5"), string(encodeTableKey(8, 1)): []byte("v81"), }, }, { keys: []kv.Key{ tablecodec.TablePrefix(), encodeTableKey(5), encodeTableKey(1), encodeTableKey(5, 2), encodeTableKey(5, 'n'), encodeTableKey(8, 1), }, snapKeys: []kv.Key{tablecodec.TablePrefix(), encodeTableKey(1)}, nilSession: true, result: nil, }, } for i, c := range cases { inter := interceptor if c.nilSession { inter = emptyRetrieverInterceptor } snapKeys, result, err := inter.batchGetTemporaryTableKeys(ctx, c.keys) require.NoError(t, err, i) if c.snapKeys == nil { require.Nil(t, snapKeys, i) } else { require.Equal(t, c.snapKeys, snapKeys, i) } if c.result == nil { require.Nil(t, result, i) } else { require.Equal(t, c.result, result, i) } if c.nilSession { require.Equal(t, 0, len(retriever.GetInvokes())) } for j, invoke := range retriever.GetInvokes() { require.Equal(t, "Get", invoke.Method, "%d, %d", i, j) require.Equal(t, ctx, invoke.Args[0], "%d, %d", i, j) } retriever.ResetInvokes() } // test for error occurs injectedErr := errors.New("err") retriever.InjectMethodError("Get", injectedErr) snapKeys, result, err := interceptor.batchGetTemporaryTableKeys(ctx, []kv.Key{ tablecodec.TablePrefix(), encodeTableKey(5), encodeTableKey(1), encodeTableKey(5, 'n'), encodeTableKey(8, 1), }) require.Nil(t, snapKeys) require.Nil(t, result) require.Equal(t, injectedErr, err) retriever.ResetInvokes() } func TestInterceptorOnBatchGet(t *testing.T) { is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1). AddTable(model.TempTableGlobal, 3). AddTable(model.TempTableLocal, 5) noTempTableData := []*kv.Entry{ // normal table data {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, // no exist table data {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, // other data {Key: kv.Key("s"), Value: []byte("vs")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, } localTempTableData := []*kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 2), Value: []byte("")}, {Key: encodeTableKey(5, 3), Value: nil}, } snap := newMockedSnapshot(newMockedRetriever(t).SetAllowedMethod("BatchGet").SetData(noTempTableData)) retriever := newMockedRetriever(t).SetAllowedMethod("Get").SetData(localTempTableData) interceptor := NewTemporaryTableSnapshotInterceptor(is, retriever) emptyRetrieverInterceptor := NewTemporaryTableSnapshotInterceptor(is, nil) ctx, cancel := context.WithTimeout(context.Background(), time.Second) defer cancel() cases := []struct { keys []kv.Key snapKeys []kv.Key nilSession bool result map[string][]byte }{ { keys: nil, snapKeys: nil, result: make(map[string][]byte), }, { keys: []kv.Key{ encodeTableKey(3), encodeTableKey(5, 'n'), }, snapKeys: nil, result: make(map[string][]byte), }, { keys: []kv.Key{ encodeTableKey(7), encodeTableKey(1, 'n'), []byte("o"), }, snapKeys: []kv.Key{ encodeTableKey(7), encodeTableKey(1, 'n'), []byte("o"), }, result: make(map[string][]byte), }, { keys: []kv.Key{ encodeTableKey(3), encodeTableKey(5), encodeTableKey(5, 1), encodeTableKey(5, 2), }, snapKeys: nil, result: map[string][]byte{ string(encodeTableKey(5)): []byte("v5"), string(encodeTableKey(5, 1)): []byte("v51"), }, }, { keys: []kv.Key{ encodeTableKey(0), encodeTableKey(1), encodeTableKey(2), encodeTableKey(math.MaxInt64), tablecodec.TablePrefix(), kv.Key("s"), kv.Key("u"), encodeTableKey(9), }, snapKeys: []kv.Key{ encodeTableKey(0), encodeTableKey(1), encodeTableKey(2), encodeTableKey(math.MaxInt64), tablecodec.TablePrefix(), kv.Key("s"), kv.Key("u"), encodeTableKey(9), }, result: map[string][]byte{ string(encodeTableKey(0)): []byte("v0"), string(encodeTableKey(1)): []byte("v1"), string(encodeTableKey(2)): []byte("v2"), string(encodeTableKey(math.MaxInt64)): []byte("vm"), string(tablecodec.TablePrefix()): []byte("vt"), "s": []byte("vs"), "u": []byte("vu"), }, }, { keys: []kv.Key{ tablecodec.TablePrefix(), encodeTableKey(5), encodeTableKey(1), encodeTableKey(5, 2), encodeTableKey(5, 'n'), encodeTableKey(1, 'n'), }, snapKeys: []kv.Key{ tablecodec.TablePrefix(), encodeTableKey(1), encodeTableKey(1, 'n'), }, result: map[string][]byte{ string(tablecodec.TablePrefix()): []byte("vt"), string(encodeTableKey(5)): []byte("v5"), string(encodeTableKey(1)): []byte("v1"), }, }, { keys: []kv.Key{ tablecodec.TablePrefix(), encodeTableKey(5), encodeTableKey(1), encodeTableKey(5, 2), encodeTableKey(5, 'n'), encodeTableKey(1, 'n'), }, nilSession: true, snapKeys: []kv.Key{ tablecodec.TablePrefix(), encodeTableKey(1), encodeTableKey(1, 'n'), }, result: map[string][]byte{ string(tablecodec.TablePrefix()): []byte("vt"), string(encodeTableKey(1)): []byte("v1"), }, }, } for i, c := range cases { inter := interceptor if c.nilSession { inter = emptyRetrieverInterceptor } result, err := inter.OnBatchGet(ctx, snap, c.keys) require.Nil(t, err, i) require.NotNil(t, result, i) require.Equal(t, c.result, result, i) if c.nilSession { require.Equal(t, 0, len(retriever.GetInvokes())) } for j, invoke := range retriever.GetInvokes() { require.Equal(t, "Get", invoke.Method, "%d, %d", i, j) require.Equal(t, ctx, invoke.Args[0], "%d, %d", i, j) } if len(c.snapKeys) > 0 { require.Equal(t, 1, len(snap.GetInvokes()), i) require.Equal(t, "BatchGet", snap.GetInvokes()[0].Method, i) require.Equal(t, ctx, snap.GetInvokes()[0].Args[0], i) require.Equal(t, c.snapKeys, snap.GetInvokes()[0].Args[1], i) } else { require.Equal(t, 0, len(snap.GetInvokes()), i) } retriever.ResetInvokes() snap.ResetInvokes() } // test session error occurs sessionErr := errors.New("errSession") retriever.InjectMethodError("Get", sessionErr) result, err := interceptor.OnBatchGet(ctx, snap, []kv.Key{encodeTableKey(5)}) require.Nil(t, result) require.Equal(t, sessionErr, err) snapErr := errors.New("errSnap") snap.InjectMethodError("BatchGet", snapErr) result, err = interceptor.OnBatchGet(ctx, snap, []kv.Key{encodeTableKey(1)}) require.Nil(t, result) require.Equal(t, snapErr, err) } func TestCreateUnionIter(t *testing.T) { retriever := newMockedRetriever(t).SetData([]*kv.Entry{ {Key: kv.Key("k1"), Value: []byte("v1")}, {Key: kv.Key("k10"), Value: []byte("")}, {Key: kv.Key("k11"), Value: []byte("v11")}, {Key: kv.Key("k5"), Value: []byte("v5")}, }) snap := newMockedSnapshot(newMockedRetriever(t).SetData([]*kv.Entry{ {Key: kv.Key("k2"), Value: []byte("v2")}, {Key: kv.Key("k20"), Value: []byte("v20")}, {Key: kv.Key("k21"), Value: []byte("v21")}, })) cases := []struct { args []kv.Key reverse bool nilSess bool nilSnap bool result []kv.Entry }{ { args: []kv.Key{kv.Key("k1"), kv.Key("k21")}, result: []kv.Entry{ {Key: kv.Key("k1"), Value: []byte("v1")}, {Key: kv.Key("k11"), Value: []byte("v11")}, {Key: kv.Key("k2"), Value: []byte("v2")}, {Key: kv.Key("k20"), Value: []byte("v20")}, }, }, { args: []kv.Key{kv.Key("k21")}, reverse: true, result: []kv.Entry{ {Key: kv.Key("k20"), Value: []byte("v20")}, {Key: kv.Key("k2"), Value: []byte("v2")}, {Key: kv.Key("k11"), Value: []byte("v11")}, {Key: kv.Key("k1"), Value: []byte("v1")}, }, }, { args: []kv.Key{kv.Key("k1"), kv.Key("k21")}, nilSnap: true, result: []kv.Entry{ {Key: kv.Key("k1"), Value: []byte("v1")}, {Key: kv.Key("k11"), Value: []byte("v11")}, }, }, { args: []kv.Key{kv.Key("k21")}, nilSnap: true, reverse: true, result: []kv.Entry{ {Key: kv.Key("k11"), Value: []byte("v11")}, {Key: kv.Key("k1"), Value: []byte("v1")}, }, }, { args: []kv.Key{kv.Key("k1"), kv.Key("k21")}, nilSess: true, result: []kv.Entry{ {Key: kv.Key("k2"), Value: []byte("v2")}, {Key: kv.Key("k20"), Value: []byte("v20")}, }, }, { args: []kv.Key{kv.Key("k21")}, nilSess: true, reverse: true, result: []kv.Entry{ {Key: kv.Key("k20"), Value: []byte("v20")}, {Key: kv.Key("k2"), Value: []byte("v2")}, }, }, } retriever.SetAllowedMethod("Iter", "IterReverse") snap.SetAllowedMethod("Iter", "IterReverse") for i, c := range cases { var iter kv.Iterator var err error var method string var sessArg kv.Retriever if !c.nilSess { sessArg = retriever } var snapArg kv.Snapshot if !c.nilSnap { snapArg = snap } if c.reverse { method = "IterReverse" iter, err = createUnionIter(sessArg, snapArg, nil, c.args[0], c.reverse) } else { method = "Iter" iter, err = createUnionIter(sessArg, snapArg, c.args[0], c.args[1], c.reverse) } require.NoError(t, err, i) if c.nilSess && c.nilSnap { require.IsType(t, &kv.EmptyIterator{}, iter, i) } else if !c.nilSess { require.IsType(t, &txn.UnionIter{}, iter, i) } else { require.IsType(t, &mock.MockedIter{}, iter, i) } if !c.nilSess { require.Equal(t, 1, len(retriever.GetInvokes()), i) require.Equal(t, method, retriever.GetInvokes()[0].Method, i) require.Equal(t, c.args[0], retriever.GetInvokes()[0].Args[0].(kv.Key), i) if !c.reverse { require.Equal(t, c.args[1], retriever.GetInvokes()[0].Args[1].(kv.Key), i) } } if !c.nilSnap { require.Equal(t, 1, len(snap.GetInvokes()), i) require.Equal(t, method, snap.GetInvokes()[0].Method, i) require.Equal(t, c.args[0], snap.GetInvokes()[0].Args[0].(kv.Key), i) if !c.reverse { require.Equal(t, c.args[1], snap.GetInvokes()[0].Args[1].(kv.Key), i) } } result := make([]kv.Entry, 0) for iter.Valid() { result = append(result, kv.Entry{Key: iter.Key(), Value: iter.Value()}) require.NoError(t, iter.Next(), i) } require.Equal(t, c.result, result, i) retriever.ResetInvokes() snap.ResetInvokes() } } func TestErrorCreateUnionIter(t *testing.T) { retriever := newMockedRetriever(t).SetAllowedMethod("Iter", "IterReverse").SetData([]*kv.Entry{ {Key: kv.Key("k1"), Value: []byte("")}, }) snap := newMockedSnapshot(newMockedRetriever(t).SetAllowedMethod("Iter", "IterReverse").SetData([]*kv.Entry{ {Key: kv.Key("k1"), Value: []byte("v1")}, })) // test for not allow iter with lowerBound iter, err := createUnionIter(retriever, snap, kv.Key("k1"), kv.Key("k2"), true) require.Error(t, err, "k should be nil for iter reverse") require.Nil(t, iter) require.Equal(t, 0, len(retriever.GetInvokes())) require.Equal(t, 0, len(snap.GetInvokes())) // test for iter next error iterNextErr := errors.New("iterNextErr") retriever.InjectMethodError("IterNext", iterNextErr) iter, err = createUnionIter(retriever, snap, kv.Key("k1"), kv.Key("k2"), false) require.Equal(t, iterNextErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, false) retriever.ResetInvokes() snap.ResetInvokes() // test for iter reverse next error iterReverseNextErr := errors.New("iterReverseNextErr") retriever.InjectMethodError("IterReverseNext", iterReverseNextErr) iter, err = createUnionIter(retriever, snap, nil, kv.Key("k2"), true) require.Equal(t, iterReverseNextErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, true) retriever.ResetInvokes() snap.ResetInvokes() // test for creating session iter error occurs sessionIterErr := errors.New("sessionIterErr") retriever.InjectMethodError("Iter", sessionIterErr) iter, err = createUnionIter(retriever, snap, kv.Key("k1"), kv.Key("k2"), false) require.Equal(t, sessionIterErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, false) retriever.ResetInvokes() snap.ResetInvokes() iter, err = createUnionIter(retriever, nil, kv.Key("k1"), kv.Key("k2"), false) require.Equal(t, sessionIterErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, false) retriever.ResetInvokes() snap.ResetInvokes() // test for creating session reverse iter occurs sessionIterReverseErr := errors.New("sessionIterReverseErr") retriever.InjectMethodError("IterReverse", sessionIterReverseErr) iter, err = createUnionIter(retriever, snap, nil, kv.Key("k2"), true) require.Equal(t, sessionIterReverseErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, true) retriever.ResetInvokes() snap.ResetInvokes() iter, err = createUnionIter(retriever, snap, nil, kv.Key("k2"), true) require.Equal(t, sessionIterReverseErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, true) retriever.ResetInvokes() snap.ResetInvokes() // test for creating snap iter error occurs snapIterErr := errors.New("snapIterError") snap.InjectMethodError("Iter", snapIterErr) iter, err = createUnionIter(nil, snap, kv.Key("k1"), kv.Key("k2"), false) require.Equal(t, snapIterErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, false) retriever.ResetInvokes() snap.ResetInvokes() iter, err = createUnionIter(nil, snap, kv.Key("k1"), kv.Key("k2"), false) require.Equal(t, snapIterErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, false) retriever.ResetInvokes() snap.ResetInvokes() // test for creating snap reverse iter error occurs snapIterReverseErr := errors.New("snapIterError") snap.InjectMethodError("IterReverse", snapIterReverseErr) iter, err = createUnionIter(nil, snap, nil, kv.Key("k2"), true) require.Equal(t, snapIterReverseErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, true) retriever.ResetInvokes() snap.ResetInvokes() iter, err = createUnionIter(nil, snap, nil, kv.Key("k2"), true) require.Equal(t, snapIterReverseErr, err) require.Nil(t, iter) checkCreatedIterClosed(t, retriever, snap, true) retriever.ResetInvokes() snap.ResetInvokes() } func checkCreatedIterClosed(t *testing.T, retriever *mockedRetriever, snap *mockedSnapshot, reverse bool)
func TestIterTable(t *testing.T) { is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1). AddTable(model.TempTableGlobal, 3). AddTable(model.TempTableLocal, 5) noTempTableData := []*kv.Entry{ // normal table data {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, // no exist table data {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, } localTempTableData := []*kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 2), Value: []byte("")}, {Key: encodeTableKey(5, 3), Value: nil}, } retriever := newMockedRetriever(t).SetData(localTempTableData).SetAllowedMethod("Iter") snap := newMockedSnapshot(newMockedRetriever(t).SetData(noTempTableData).SetAllowedMethod("Iter")) interceptor := NewTemporaryTableSnapshotInterceptor(is, retriever) emptyRetrieverInterceptor := NewTemporaryTableSnapshotInterceptor(is, nil) cases := []struct { tblID int64 nilSession bool args []kv.Key result []kv.Entry }{ { tblID: 1, args: []kv.Key{encodeTableKey(1), encodeTableKey(2)}, result: []kv.Entry{ {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, }, }, { tblID: 1, args: []kv.Key{encodeTableKey(1), encodeTableKey(1, 1)}, result: []kv.Entry{ {Key: encodeTableKey(1), Value: []byte("v1")}, }, }, { tblID: 2, args: []kv.Key{encodeTableKey(2), encodeTableKey(3)}, result: []kv.Entry{ {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, }, }, { tblID: 3, args: []kv.Key{encodeTableKey(3), encodeTableKey(4)}, result: []kv.Entry{}, }, { tblID: 4, args: []kv.Key{encodeTableKey(4), encodeTableKey(5)}, result: []kv.Entry{}, }, { tblID: 5, args: []kv.Key{encodeTableKey(5), encodeTableKey(6)}, result: []kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, }, }, { tblID: 5, args: []kv.Key{encodeTableKey(5), encodeTableKey(5, 1)}, result: []kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, }, }, { tblID: 5, nilSession: true, args: []kv.Key{encodeTableKey(5), encodeTableKey(5, 1)}, result: []kv.Entry{}, }, } for i, c := range cases { inter := interceptor if c.nilSession { inter = emptyRetrieverInterceptor } iter, err := inter.iterTable(c.tblID, snap, c.args[0], c.args[1]) require.NoError(t, err) result := make([]kv.Entry, 0, i) for iter.Valid() { result = append(result, kv.Entry{Key: iter.Key(), Value: iter.Value()}) require.NoError(t, iter.Next(), i) } require.Equal(t, c.result, result, i) tbl, ok := is.TableByID(c.tblID) if !ok || tbl.Meta().TempTableType == model.TempTableNone { require.Equal(t, 0, len(retriever.GetInvokes()), i) require.Equal(t, 1, len(snap.GetInvokes()), i) require.Equal(t, "Iter", snap.GetInvokes()[0].Method) require.Equal(t, []interface{}{c.args[0], c.args[1]}, snap.GetInvokes()[0].Args, i) } if ok && tbl.Meta().TempTableType == model.TempTableGlobal { require.Equal(t, 0, len(retriever.GetInvokes()), i) require.Equal(t, 0, len(snap.GetInvokes()), i) } if ok && tbl.Meta().TempTableType == model.TempTableLocal { require.Equal(t, 0, len(snap.GetInvokes()), i) if c.nilSession { require.Equal(t, 0, len(retriever.GetInvokes()), i) } else { require.Equal(t, 1, len(retriever.GetInvokes()), i) require.Equal(t, "Iter", retriever.GetInvokes()[0].Method) require.Equal(t, []interface{}{c.args[0], c.args[1]}, retriever.GetInvokes()[0].Args, i) } } snap.ResetInvokes() retriever.ResetInvokes() } // test error for snap snapErr := errors.New("snapErr") snap.InjectMethodError("Iter", snapErr) iter, err := interceptor.iterTable(1, snap, encodeTableKey(1), encodeTableKey(2)) require.Nil(t, iter) require.Equal(t, snapErr, err) snap.InjectMethodError("Iter", nil) // test error for retriever retrieverErr := errors.New("retrieverErr") retriever.InjectMethodError("Iter", retrieverErr) iter, err = interceptor.iterTable(5, snap, encodeTableKey(5), encodeTableKey(6)) require.Nil(t, iter) require.Equal(t, retrieverErr, err) } func TestOnIter(t *testing.T) { is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1). AddTable(model.TempTableGlobal, 3). AddTable(model.TempTableLocal, 5) noTempTableData := []*kv.Entry{ // normal table data {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, // no exist table data {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, // other data {Key: kv.Key("s"), Value: []byte("vs")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, } localTempTableData := []*kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 2), Value: []byte("")}, {Key: encodeTableKey(5, 3), Value: nil}, } retriever := newMockedRetriever(t).SetData(localTempTableData).SetAllowedMethod("Iter") snap := newMockedSnapshot(newMockedRetriever(t).SetData(noTempTableData).SetAllowedMethod("Iter")) interceptor := NewTemporaryTableSnapshotInterceptor(is, retriever) emptyRetrieverInterceptor := NewTemporaryTableSnapshotInterceptor(is, nil) cases := []struct { nilSession bool args []kv.Key result []kv.Entry }{ { args: []kv.Key{nil, nil}, result: []kv.Entry{ {Key: kv.Key("s"), Value: []byte("vs")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, }, }, { args: []kv.Key{nil, kv.Key("s0")}, result: []kv.Entry{ {Key: kv.Key("s"), Value: []byte("vs")}, }, }, { args: []kv.Key{kv.Key("u"), nil}, result: []kv.Entry{ {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, }, }, { args: []kv.Key{encodeTableKey(1), nil}, result: []kv.Entry{ {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, }, }, { args: []kv.Key{nil, encodeTableKey(1, 1)}, result: []kv.Entry{ {Key: kv.Key("s"), Value: []byte("vs")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(1), Value: []byte("v1")}, }, }, { args: []kv.Key{encodeTableKey(1), encodeTableKey(2)}, result: []kv.Entry{ {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, }, }, { args: []kv.Key{encodeTableKey(1), encodeTableKey(3)}, result: []kv.Entry{ {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, }, }, { args: []kv.Key{encodeTableKey(3), encodeTableKey(4)}, result: []kv.Entry{}, }, { args: []kv.Key{encodeTableKey(5), encodeTableKey(5, 3)}, result: []kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, }, }, { args: []kv.Key{nil, nil}, nilSession: true, result: []kv.Entry{ {Key: kv.Key("s"), Value: []byte("vs")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, }, }, { args: []kv.Key{encodeTableKey(5), encodeTableKey(5, 3)}, nilSession: true, result: []kv.Entry{}, }, } for i, c := range cases { inter := interceptor if c.nilSession { inter = emptyRetrieverInterceptor } iter, err := inter.OnIter(snap, c.args[0], c.args[1]) require.NoError(t, err, i) require.NotNil(t, iter, i) result := make([]kv.Entry, 0, i) for iter.Valid() { result = append(result, kv.Entry{Key: iter.Key(), Value: iter.Value()}) require.NoError(t, iter.Next(), i) } require.Equal(t, c.result, result, i) } // test error for snap snapErr := errors.New("snapErr") snap.InjectMethodError("Iter", snapErr) iter, err := interceptor.OnIter(snap, nil, nil) require.Nil(t, iter) require.Equal(t, snapErr, err) iter, err = interceptor.OnIter(snap, nil, kv.Key("o")) require.Nil(t, iter) require.Equal(t, snapErr, err) iter, err = interceptor.OnIter(snap, encodeTableKey(4), encodeTableKey(5)) require.Nil(t, iter) require.Equal(t, snapErr, err) snap.InjectMethodError("Iter", nil) // test error for retriever retrieverErr := errors.New("retrieverErr") retriever.InjectMethodError("Iter", retrieverErr) iter, err = interceptor.OnIter(snap, nil, nil) require.Nil(t, iter) require.Equal(t, retrieverErr, err) iter, err = interceptor.OnIter(snap, encodeTableKey(5), encodeTableKey(6)) require.Nil(t, iter) require.Equal(t, retrieverErr, err) } func TestOnIterReverse(t *testing.T) { is := newMockedInfoSchema(t). AddTable(model.TempTableNone, 1). AddTable(model.TempTableGlobal, 3). AddTable(model.TempTableLocal, 5) noTempTableData := []*kv.Entry{ // normal table data {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, // no exist table data {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, // other data {Key: kv.Key("s"), Value: []byte("vs")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: kv.Key("u0"), Value: []byte("vu0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, } localTempTableData := []*kv.Entry{ {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 2), Value: []byte("")}, {Key: encodeTableKey(5, 3), Value: nil}, } retriever := newMockedRetriever(t).SetData(localTempTableData).SetAllowedMethod("IterReverse") snap := newMockedSnapshot(newMockedRetriever(t).SetData(noTempTableData).SetAllowedMethod("IterReverse")) interceptor := NewTemporaryTableSnapshotInterceptor(is, retriever) emptyRetrieverInterceptor := NewTemporaryTableSnapshotInterceptor(is, nil) cases := []struct { nilSession bool args []kv.Key result []kv.Entry }{ { args: []kv.Key{nil}, result: []kv.Entry{ {Key: kv.Key("u0"), Value: []byte("vu0")}, {Key: kv.Key("u"), Value: []byte("vu")}, {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("s"), Value: []byte("vs")}, }, }, { args: []kv.Key{kv.Key("u")}, result: []kv.Entry{ {Key: encodeTableKey(math.MaxInt64, 1), Value: []byte("vm1")}, {Key: encodeTableKey(math.MaxInt64), Value: []byte("vm")}, {Key: encodeTableKey(5, 1), Value: []byte("v51")}, {Key: encodeTableKey(5, 0, 1), Value: []byte("v501")}, {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("s"), Value: []byte("vs")}, }, }, { args: []kv.Key{encodeTableKey(5, 0, 1)}, result: []kv.Entry{ {Key: encodeTableKey(5, 0), Value: []byte("v50")}, {Key: encodeTableKey(5), Value: []byte("v5")}, {Key: encodeTableKey(2, 1), Value: []byte("v21")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("s"), Value: []byte("vs")}, }, }, { args: []kv.Key{kv.Key("s0")}, result: []kv.Entry{ {Key: kv.Key("s"), Value: []byte("vs")}, }, }, { args: []kv.Key{encodeTableKey(5, 0, 1)}, nilSession: true, result: []kv.Entry{ {Key: encodeTableKey(2, 1), Value: []byte("v21")}, {Key: encodeTableKey(2), Value: []byte("v2")}, {Key: encodeTableKey(1, 1), Value: []byte("v11")}, {Key: encodeTableKey(1), Value: []byte("v1")}, {Key: encodeTableKey(0, 1), Value: []byte("v01")}, {Key: encodeTableKey(0), Value: []byte("v0")}, {Key: tablecodec.TablePrefix(), Value: []byte("vt")}, {Key: kv.Key("s0"), Value: []byte("vs0")}, {Key: kv.Key("s"), Value: []byte("vs")}, }, }, } for i, c := range cases { inter := interceptor if c.nilSession { inter = emptyRetrieverInterceptor } iter, err := inter.OnIterReverse(snap, c.args[0]) require.NoError(t, err, i) require.NotNil(t, iter, i) result := make([]kv.Entry, 0, i) for iter.Valid() { result = append(result, kv.Entry{Key: iter.Key(), Value: iter.Value()}) require.NoError(t, iter.Next(), i) } require.Equal(t, c.result, result, i) } // test error for snap snapErr := errors.New("snapErr") snap.InjectMethodError("IterReverse", snapErr) iter, err := interceptor.OnIterReverse(snap, nil) require.Nil(t, iter) require.Equal(t, snapErr, err) iter, err = interceptor.OnIterReverse(snap, kv.Key("o")) require.Nil(t, iter) require.Equal(t, snapErr, err) snap.InjectMethodError("IterReverse", nil) // test error for retriever retrieverErr := errors.New("retrieverErr") retriever.InjectMethodError("IterReverse", retrieverErr) iter, err = interceptor.OnIterReverse(snap, nil) require.Nil(t, iter) require.Equal(t, retrieverErr, err) }
{ method := "Iter" if reverse { method = "IterReverse" } require.True(t, len(retriever.GetInvokes()) <= 1) for _, invoke := range retriever.GetInvokes() { require.Equal(t, method, invoke.Method) err := invoke.Ret[1] if err == nil { require.NotNil(t, invoke.Ret[0]) iter := invoke.Ret[0].(*mock.MockedIter) require.True(t, iter.Closed()) } } require.True(t, len(snap.GetInvokes()) <= 1) for _, invoke := range snap.GetInvokes() { require.Equal(t, method, invoke.Method) err := invoke.Ret[1] if err == nil { require.NotNil(t, invoke.Ret[0]) iter := invoke.Ret[0].(*mock.MockedIter) require.True(t, iter.Closed()) } } }
unauth-passenger-details.js
import React, { Component } from "react" import SEO from "components/seo" import Header from "components/header" import { StickyContainer } from "react-sticky" import UnAuthResultWrapper from "../../../components/trip/unauth-result" import { connect } from "react-redux" import omit from "../../../../node_modules/lodash/omit" import isEmpty from "../../../../node_modules/lodash/isEmpty" import { extractTerminalName } from "../../../lib" import { navigate } from "gatsby" import { setPassengers } from "../../../store/actions/trips" import { CreateUser } from "../../../store/actions/common" import { unAuthBookTripRequest, fetchUnAuthBookingsRequest, } from "../../../store/actions/bookings" import { toast } from "react-toastify" import Grid from "@material-ui/core/Grid" import withStyles from "@material-ui/core/styles/withStyles" import BookSide from "../../../components/trip/book-side" import { UnAuthBookingFooter, UnAuthCompleteBookingContent, } from "components/trip" import UnAuthPassengerDetails from "../../../components/trip/unauth-passenger-details" const style = theme => ({ grid: { position: "relative", top: "8rem", [theme.breakpoints.down("sm")]: { margin: "0", }, }, side: { marginLeft: "1rem", [theme.breakpoints.down("sm")]: { width: "95%", marginLeft: "1rem", marginRight: ".5rem", marginBottom: "1rem", }, }, }) class UnAuthPassenger extends Component { constructor(props) { super(props) this.state = { stage: 0, paymentMethod: "card", breadCrumbs: ["Passengers Details", "Complete Booking"], bookings: [], numberOfTravellers: 0, type: "", trip: {}, email: null, fullName: null, details: {}, open: false, error: "", } } componentDidMount() { const { searchData: { departureTerminalId }, } = this.props this.setState({ stage: 0 }) this._prepStateFromProps() if (!departureTerminalId.length) { navigate("/") return null } } _prepStateFromProps = () => { const { outgoingTrip, returnTrip, searchData: { bookingType, ...searchData }, terminals, serviceCharge, } = this.props const outgoingBooking = omit(outgoingTrip, [ "departureTimestamp", "price", ]) || { seats: [] } let numberOfTravellers = outgoingTrip.seats.length const bookings = [outgoingBooking] const trip = { serviceCharge, ticketsCount: numberOfTravellers, ticketsCost: outgoingTrip.seats.length * Number(outgoingTrip.price), outgoing: { seatsCount: outgoingTrip.seats.length, price: outgoingTrip.seats.length * Number(outgoingTrip.price), departureTimestamp: outgoingTrip.departureTimestamp, departureTerminal: extractTerminalName( terminals, searchData.arrivalTerminalId ), arrivalTerminal: extractTerminalName( terminals, searchData.departureTerminalId ), }, } if (bookingType === "round_trip") { const returnBooking = omit(returnTrip, ["departureTimestamp", "price"]) trip.return = { seatsCount: returnTrip.seats.length, price: returnTrip.seats.length * Number(returnTrip.price), departureTimestamp: returnTrip.departureTimestamp, arrivalTerminal: extractTerminalName( terminals, searchData.arrivalTerminalId ), departureTerminal: extractTerminalName( terminals, searchData.departureTerminalId ), } trip.ticketsCount = numberOfTravellers * 2 trip.ticketsCost = trip.ticketsCost + returnTrip.seats.length * Number(returnTrip.price) bookings.push(returnBooking) } return this.setState({ bookings, numberOfTravellers, trip, type: bookingType, }) } _handleStateChange = (state, value) => { return this.setState({ [state]: value, }) } changeStage = stage => { return this._handleStateChange("stage", stage) } changePaymentMethod = method => { return this._handleStateChange("paymentMethod", method) } _handlePassengerDetails = async passengers => { const name = `${passengers[0].firstName} ${passengers[0].lastName}` let mail = passengers.map(item => item.email).join() let info = { ...passengers } this.setState({ email: mail, fullName: name, details: info, }) const Passengers = { name, email: passengers[0].email, address: passengers[0].address, phoneNumber: passengers[0].phoneNumber, gender: passengers[0].gender, ageBracket: "adult", booking: this.state.bookings, } const profile = { kinFullName: passengers[0].kinFullName, kinPhoneNumber: passengers[0].KinPhoneNumber, address: passengers[0].address, } await this.props.CreateUser(profile) await this.props.fetchUnAuthBookingsRequest(Passengers) } _handleBooking = async paymentResponse => { const { data, unAuthBookTripRequest, bookings: bookingsFromGlobalState, } = this.props const { bookings, numberOfTravellers, paymentMethod, type } = this.state if (bookingsFromGlobalState.loading) { return null } const requestBody = { passengers: [data], bookings, numberOfTravellers, type, paymentType: paymentMethod === "card" ? "online" : "offline", } console.log(requestBody) if (paymentResponse && paymentMethod === "card") { requestBody.paymentRef = paymentResponse.reference } try { const bookingResp = await unAuthBookTripRequest(requestBody) if (bookingResp) return navigate("/trip/book/unAuthcomplete") } catch (error) { toast.error( (error.response && error.response.data.message) || "Sorry, your booking was not successful" ) } } openModal = data => { if (data) { this.setState({ open: true }) } } _renderFooter = () => { const { breadCrumbs, stage, paymentMethod, trip, numberOfTravellers, } = this.state let { passengers, bookings } = this.props const paymentConfig = { publicKey: process.env.GATSBY_PAYSTACK_PUBLIC_KEY, email: this.props.data.email, amount: (trip.ticketsCost + trip.serviceCharge) * 100, channels: ["card"], } return ( <UnAuthBookingFooter paymentMethod={paymentMethod} makeBooking={this._handleBooking} paymentConfig={paymentConfig} payBtn={stage === breadCrumbs.length - 1} completeBookingBtn={numberOfTravellers === passengers.length} onCompleteBookingClick={() => this.changeStage(1)} loading={bookings.loading} details={this.state.details} open={this.state.open} error={this.state.error} /> ) } render() { const { breadCrumbs, stage, paymentMethod, trip, numberOfTravellers, } = this.state const { classes, data } = this.props return ( <StickyContainer> <SEO title={breadCrumbs[stage]} /> <Header /> <Grid container className={classes.grid}> <Grid item xs={12} md={5} className={classes.side}> {!isEmpty(trip) ? <BookSide trip={trip} /> : null} </Grid> <Grid item xs={12} md={5} className={classes.side}> {stage === 0 && ( <UnAuthPassengerDetails numberOfTravellers={numberOfTravellers} onDone={this._handlePassengerDetails} open={this.openModal} /> )} {stage === 1 && ( <UnAuthCompleteBookingContent paymentMethod={paymentMethod} changePaymentMethod={this.changePaymentMethod} passengers={data} /> )} </Grid> </Grid> <UnAuthResultWrapper footer={this._renderFooter()} /> </StickyContainer> ) } } const mapStateToProps = ({ bookings: { data, bookedTrip }, trips: { returnTrip, outgoingTrip, searchData, passengers }, terminals: { data: terminals }, settings: { serviceCharge }, bookings, }) => ({ outgoingTrip, returnTrip, searchData, terminals, passengers, bookings, serviceCharge, data, bookedTrip, })
setPassengers, unAuthBookTripRequest, fetchUnAuthBookingsRequest, CreateUser, })(withStyles(style)(UnAuthPassenger))
export default connect(mapStateToProps, {
manage.py
""" Launching point and supporting functions for database management tools. This module serves as the launching point for the database management tools. Backend-specific implementations are located within their specific modules and common functions and methods are included in this file. """ import numpy as np from typing import Tuple, Dict from phoebe_shelves_clt.csv_backend import manage_csv from phoebe_shelves_clt.sql_backend import manage_sql from phoebe_shelves_clt.utils import data_model from phoebe_shelves_clt.utils import sql_api def prompt_for_rating(prompt: str):
def prompt_for_title(backend: str, *args) -> Tuple[str, Dict[str, int]]: """ Prompt for a title from the books table and return the title and ID Prompts the user to provide a title and returns the title and ID of any books that match the title *exactly*. Args: backend: Backend to use Positional Args: (CSVDataModel): Current instance of the CSV backend database (psycopg2.connection): Connection to the PostgreSQL database Returns: A tuple containing the following: title: Title of the book provided by the user title_results: Dictionary mapping possible titles to their ID's """ title = input("Please enter the book title: ") if backend == "csv": title_results = args[0].get_books_dict(title) else: query = f"SELECT title, id FROM books WHERE title ILIKE '{title}'" title_results = dict(sql_api.execute_query(args[0], query, "to_list")) # type: ignore return(title, title_results) def prompt_for_author(backend: str, *args) -> Tuple[str, Dict]: """ Prompt for an author from the authors table and return the name and ID Prompts the user to provide an author's last name and returns the names and ID's of possible matches based on the last name. Args: backend: Backend to use Positional Args: (CSVDataModel): Current instance of the CSV backend database (psycopg2.connection): Connection to the PostgreSQL database Returns: A tuple containing the following: last_name: Last name provided by the user author_results: Dictionary mapping possible authors to their ID's """ last_name = input("Please enter the author's last name: ") if backend == "csv": author_results = args[0].get_authors_dict(last_name) else: author_query = (sql_api.read_query('author_filter').format(last_name)) author_results = dict(sql_api.execute_query(args[0], author_query, "to_list")) # type: ignore return(last_name, author_results) def prompt_for_genre(backend: str, *args) -> Tuple[str, Dict]: """ Prompt for an genre from the genres table and return the name and ID Prompts user to enter a genre name. It then retrieves the potential matching options for further processing. Args: backend: Backend to use Positional Args: (CSVDataModel): Current instance of the CSV backend database (psycopg2.connection): Connection to the PostgreSQL database Returns: A tuple containing the following: genre_name: Genre name provided by the user genreresults: Dictionary mapping possible genres to their ID's """ genre_name = input("Please enter the genre name: ") if backend == "csv": genre_results = args[0].get_genres_dict(genre_name) else: genre_query = f"SELECT name, id from genres where name ilike '{genre_name}'" genre_results = dict(sql_api.execute_query(args[0], genre_query, "to_list")) # type: ignore return(genre_name, genre_results) def manage_module(backend: str, db_select: str, mode: str, **kwargs): """ Launch management workflows for either backend Launch the mangement workflows for either the CSV or SQL backends Args: backend: Backend to use db_select: Database to manage mode: Management mode Keyword Args: data_directory (string): Path to CSV backend data directory sql_configs (Dict): SQL server configurations """ if backend == "csv": model = data_model.CSVDataModel(kwargs["data_directory"]) manage_csv.main(db_select, mode, model) else: manage_sql.main(db_select, mode, kwargs["sql_configs"])
"""Prompt user for an integer rating (max 5). Args: prompt: Prompt that user sees on the command line Outputs: rating (int | float): Intger rating or np.nan if empty string is passed """ rating = input(prompt) while rating not in {"", "1", "2", "3", "4", "5"}: rating = input("Choose an integer between 1 and 5 or leave blank: ") # Format rating rating = int(rating) if rating != "" else np.nan return(rating)
client.go
// Copyright 2020 Authors of Cilium // // Licensed under the Apache License, Version 2.0 (the "License"); // you may not use this file except in compliance with the License. // You may obtain a copy of the License at // // http://www.apache.org/licenses/LICENSE-2.0 // // Unless required by applicable law or agreed to in writing, software // distributed under the License is distributed on an "AS IS" BASIS, // WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. // See the License for the specific language governing permissions and // limitations under the License. package k8s import ( "bufio" "bytes" "context" "encoding/json" "fmt" "io" "regexp" "strings" "time" "github.com/cilium/cilium/api/v1/models" ciliumv2 "github.com/cilium/cilium/pkg/k8s/apis/cilium.io/v2" ciliumClientset "github.com/cilium/cilium/pkg/k8s/client/clientset/versioned" appsv1 "k8s.io/api/apps/v1" corev1 "k8s.io/api/core/v1" networkingv1 "k8s.io/api/networking/v1" rbacv1 "k8s.io/api/rbac/v1" metav1 "k8s.io/apimachinery/pkg/apis/meta/v1" "k8s.io/apimachinery/pkg/types" "k8s.io/cli-runtime/pkg/genericclioptions" "k8s.io/cli-runtime/pkg/resource" "k8s.io/client-go/kubernetes" "k8s.io/client-go/kubernetes/scheme" "k8s.io/client-go/rest" clientcmdapi "k8s.io/client-go/tools/clientcmd/api" // Register all auth providers (azure, gcp, oidc, openstack, ..). _ "k8s.io/client-go/plugin/pkg/client/auth" ) type Client struct { Clientset kubernetes.Interface CiliumClientset ciliumClientset.Interface Config *rest.Config RawConfig clientcmdapi.Config restClientGetter genericclioptions.RESTClientGetter contextName string } func NewClient(contextName, kubeconfig string) (*Client, error) { // Register the Cilium types in the default scheme. _ = ciliumv2.AddToScheme(scheme.Scheme) restClientGetter := genericclioptions.ConfigFlags{ Context: &contextName, KubeConfig: &kubeconfig, } rawKubeConfigLoader := restClientGetter.ToRawKubeConfigLoader() config, err := rawKubeConfigLoader.ClientConfig() if err != nil { return nil, err } rawConfig, err := rawKubeConfigLoader.RawConfig() if err != nil { return nil, err } ciliumClientset, err := ciliumClientset.NewForConfig(config) if err != nil { return nil, err } clientset, err := kubernetes.NewForConfig(config) if err != nil { return nil, err } if contextName == "" { contextName = rawConfig.CurrentContext } return &Client{ CiliumClientset: ciliumClientset, Clientset: clientset, Config: config, RawConfig: rawConfig, restClientGetter: &restClientGetter, contextName: contextName, }, nil } // ContextName returns the name of the context the client is connected to func (c *Client) ContextName() (name string) { return c.contextName } // ClusterName returns the name of the cluster the client is connected to func (c *Client) ClusterName() (name string) { if context, ok := c.RawConfig.Contexts[c.ContextName()]; ok { name = context.Cluster } return } func (c *Client) CreateSecret(ctx context.Context, namespace string, secret *corev1.Secret, opts metav1.CreateOptions) (*corev1.Secret, error) { return c.Clientset.CoreV1().Secrets(namespace).Create(ctx, secret, opts) } func (c *Client) PatchSecret(ctx context.Context, namespace, name string, pt types.PatchType, data []byte, opts metav1.PatchOptions) (*corev1.Secret, error) { return c.Clientset.CoreV1().Secrets(namespace).Patch(ctx, name, pt, data, opts) } func (c *Client) DeleteSecret(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.CoreV1().Secrets(namespace).Delete(ctx, name, opts) } func (c *Client) GetSecret(ctx context.Context, namespace, name string, opts metav1.GetOptions) (*corev1.Secret, error) { return c.Clientset.CoreV1().Secrets(namespace).Get(ctx, name, opts) } func (c *Client) CreateServiceAccount(ctx context.Context, namespace string, account *corev1.ServiceAccount, opts metav1.CreateOptions) (*corev1.ServiceAccount, error) { return c.Clientset.CoreV1().ServiceAccounts(namespace).Create(ctx, account, opts) } func (c *Client) DeleteServiceAccount(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.CoreV1().ServiceAccounts(namespace).Delete(ctx, name, opts) } func (c *Client) CreateClusterRole(ctx context.Context, role *rbacv1.ClusterRole, opts metav1.CreateOptions) (*rbacv1.ClusterRole, error) { return c.Clientset.RbacV1().ClusterRoles().Create(ctx, role, opts) } func (c *Client) DeleteClusterRole(ctx context.Context, name string, opts metav1.DeleteOptions) error { return c.Clientset.RbacV1().ClusterRoles().Delete(ctx, name, opts) } func (c *Client) CreateClusterRoleBinding(ctx context.Context, role *rbacv1.ClusterRoleBinding, opts metav1.CreateOptions) (*rbacv1.ClusterRoleBinding, error) { return c.Clientset.RbacV1().ClusterRoleBindings().Create(ctx, role, opts) } func (c *Client) DeleteClusterRoleBinding(ctx context.Context, name string, opts metav1.DeleteOptions) error { return c.Clientset.RbacV1().ClusterRoleBindings().Delete(ctx, name, opts) } func (c *Client) GetConfigMap(ctx context.Context, namespace, name string, opts metav1.GetOptions) (*corev1.ConfigMap, error) { return c.Clientset.CoreV1().ConfigMaps(namespace).Get(ctx, name, opts) } func (c *Client) PatchConfigMap(ctx context.Context, namespace, name string, pt types.PatchType, data []byte, opts metav1.PatchOptions) (*corev1.ConfigMap, error) { return c.Clientset.CoreV1().ConfigMaps(namespace).Patch(ctx, name, pt, data, opts) } func (c *Client) CreateService(ctx context.Context, namespace string, service *corev1.Service, opts metav1.CreateOptions) (*corev1.Service, error) { return c.Clientset.CoreV1().Services(namespace).Create(ctx, service, opts) } func (c *Client) DeleteService(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.CoreV1().Services(namespace).Delete(ctx, name, opts) } func (c *Client) GetService(ctx context.Context, namespace, name string, opts metav1.GetOptions) (*corev1.Service, error) { return c.Clientset.CoreV1().Services(namespace).Get(ctx, name, opts) } func (c *Client) CreateDeployment(ctx context.Context, namespace string, deployment *appsv1.Deployment, opts metav1.CreateOptions) (*appsv1.Deployment, error) { return c.Clientset.AppsV1().Deployments(namespace).Create(ctx, deployment, opts) } func (c *Client) GetDeployment(ctx context.Context, namespace, name string, opts metav1.GetOptions) (*appsv1.Deployment, error) { return c.Clientset.AppsV1().Deployments(namespace).Get(ctx, name, opts) } func (c *Client) DeleteDeployment(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.AppsV1().Deployments(namespace).Delete(ctx, name, opts) } func (c *Client) PatchDeployment(ctx context.Context, namespace, name string, pt types.PatchType, data []byte, opts metav1.PatchOptions) (*appsv1.Deployment, error) { return c.Clientset.AppsV1().Deployments(namespace).Patch(ctx, name, pt, data, opts) } func (c *Client) DeploymentIsReady(ctx context.Context, namespace, deployment string) error { d, err := c.GetDeployment(ctx, namespace, deployment, metav1.GetOptions{}) if err != nil { return err } if d == nil { return fmt.Errorf("deployment is not available") } if d.Status.Replicas == 0 { return fmt.Errorf("replicas count is zero") } if d.Status.AvailableReplicas != d.Status.Replicas { return fmt.Errorf("only %d of %d replicas are available", d.Status.AvailableReplicas, d.Status.Replicas) } if d.Status.ReadyReplicas != d.Status.Replicas { return fmt.Errorf("only %d of %d replicas are ready", d.Status.ReadyReplicas, d.Status.Replicas) } if d.Status.UpdatedReplicas != d.Status.Replicas { return fmt.Errorf("only %d of %d replicas are up-to-date", d.Status.UpdatedReplicas, d.Status.Replicas) } return nil } // CheckDaemonSetStatus returns nil if the daemonset is ready, or a non-nil error otherwise. // This function considers a daemonset ready if all the pods in the daemonset is in ready // state. func (c *Client) CheckDaemonSetStatus(ctx context.Context, namespace, daemonset string) error { d, err := c.GetDaemonSet(ctx, namespace, daemonset, metav1.GetOptions{}) if err != nil { return err } if d == nil { return fmt.Errorf("daemonset is not available") } if d.Status.DesiredNumberScheduled != d.Status.NumberReady { return fmt.Errorf("not all pods ready: desired %d ready %d", d.Status.DesiredNumberScheduled, d.Status.NumberReady) } return nil } func (c *Client) CreateNamespace(ctx context.Context, namespace string, opts metav1.CreateOptions) (*corev1.Namespace, error) { return c.Clientset.CoreV1().Namespaces().Create(ctx, &corev1.Namespace{ObjectMeta: metav1.ObjectMeta{Name: namespace}}, opts) } func (c *Client) GetNamespace(ctx context.Context, namespace string, options metav1.GetOptions) (*corev1.Namespace, error) { return c.Clientset.CoreV1().Namespaces().Get(ctx, namespace, options) } func (c *Client) DeleteNamespace(ctx context.Context, namespace string, opts metav1.DeleteOptions) error { return c.Clientset.CoreV1().Namespaces().Delete(ctx, namespace, opts) } func (c *Client) DeletePod(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.CoreV1().Pods(namespace).Delete(ctx, name, opts) } func (c *Client) DeletePodCollection(ctx context.Context, namespace string, opts metav1.DeleteOptions, listOpts metav1.ListOptions) error { return c.Clientset.CoreV1().Pods(namespace).DeleteCollection(ctx, opts, listOpts) } func (c *Client) ListPods(ctx context.Context, namespace string, options metav1.ListOptions) (*corev1.PodList, error) { return c.Clientset.CoreV1().Pods(namespace).List(ctx, options) } func (c *Client) PodLogs(namespace, name string, opts *corev1.PodLogOptions) *rest.Request { return c.Clientset.CoreV1().Pods(namespace).GetLogs(name, opts) } // separator for locating the start of the next log message. Sometimes // logs may span multiple lines, locate the timestamp, log level and // msg that always start a new log message var logSplitter = regexp.MustCompile(`\r?\n[^ ]+ level=[[:alpha:]]+ msg=`) func (c *Client) CiliumLogs(ctx context.Context, namespace, pod string, since time.Time, filter *regexp.Regexp) (string, error) { opts := &corev1.PodLogOptions{ Container: "cilium-agent", Timestamps: true, SinceTime: &metav1.Time{Time: since}, } req := c.PodLogs(namespace, pod, opts)
defer podLogs.Close() buf := new(bytes.Buffer) scanner := bufio.NewScanner(podLogs) scanner.Split(func(data []byte, atEOF bool) (advance int, token []byte, err error) { if atEOF && len(data) == 0 { return 0, nil, nil } // find the full log line separator loc := logSplitter.FindIndex(data) if loc != nil { // Locate '\n', advance just past it nl := loc[0] + bytes.IndexByte(data[loc[0]:loc[1]], '\n') + 1 return nl, data[:nl], nil } else if atEOF { // EOF, return all we have return len(data), data, nil } else { // Nothing to return return 0, nil, nil } }) for scanner.Scan() { if filter != nil && !filter.Match(scanner.Bytes()) { continue } buf.Write(scanner.Bytes()) } err = scanner.Err() if err != nil { err = fmt.Errorf("error reading cilium-agent logs for %s/%s: %w", namespace, pod, err) } return buf.String(), err } func (c *Client) ListServices(ctx context.Context, namespace string, options metav1.ListOptions) (*corev1.ServiceList, error) { return c.Clientset.CoreV1().Services(namespace).List(ctx, options) } func (c *Client) ExecInPodWithStderr(ctx context.Context, namespace, pod, container string, command []string) (bytes.Buffer, bytes.Buffer, error) { result, err := c.execInPod(ctx, ExecParameters{ Namespace: namespace, Pod: pod, Container: container, Command: command, }) return result.Stdout, result.Stderr, err } func (c *Client) ExecInPod(ctx context.Context, namespace, pod, container string, command []string) (bytes.Buffer, error) { result, err := c.execInPod(ctx, ExecParameters{ Namespace: namespace, Pod: pod, Container: container, Command: command, }) if err != nil { return bytes.Buffer{}, err } if errString := result.Stderr.String(); errString != "" { return bytes.Buffer{}, fmt.Errorf("command failed: %s", errString) } return result.Stdout, nil } func (c *Client) CiliumStatus(ctx context.Context, namespace, pod string) (*models.StatusResponse, error) { stdout, err := c.ExecInPod(ctx, namespace, pod, "cilium-agent", []string{"cilium", "status", "-o", "json"}) if err != nil { return nil, err } statusResponse := models.StatusResponse{} if err := json.Unmarshal(stdout.Bytes(), &statusResponse); err != nil { return nil, fmt.Errorf("unable to unmarshal response of cilium status: %w", err) } return &statusResponse, nil } func (c *Client) CreateConfigMap(ctx context.Context, namespace string, config *corev1.ConfigMap, opts metav1.CreateOptions) (*corev1.ConfigMap, error) { return c.Clientset.CoreV1().ConfigMaps(namespace).Create(ctx, config, opts) } func (c *Client) DeleteConfigMap(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.CoreV1().ConfigMaps(namespace).Delete(ctx, name, opts) } func (c *Client) CreateDaemonSet(ctx context.Context, namespace string, ds *appsv1.DaemonSet, opts metav1.CreateOptions) (*appsv1.DaemonSet, error) { return c.Clientset.AppsV1().DaemonSets(namespace).Create(ctx, ds, opts) } func (c *Client) PatchDaemonSet(ctx context.Context, namespace, name string, pt types.PatchType, data []byte, opts metav1.PatchOptions) (*appsv1.DaemonSet, error) { return c.Clientset.AppsV1().DaemonSets(namespace).Patch(ctx, name, pt, data, opts) } func (c *Client) GetDaemonSet(ctx context.Context, namespace, name string, opts metav1.GetOptions) (*appsv1.DaemonSet, error) { return c.Clientset.AppsV1().DaemonSets(namespace).Get(ctx, name, opts) } func (c *Client) DeleteDaemonSet(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.AppsV1().DaemonSets(namespace).Delete(ctx, name, opts) } type Kind int const ( KindUnknown Kind = iota KindMinikube KindKind KindEKS KindGKE KindAKS KindMicrok8s ) func (k Kind) String() string { switch k { case KindUnknown: return "unknown" case KindMicrok8s: return "microk8s" case KindMinikube: return "minikube" case KindKind: return "kind" case KindEKS: return "EKS" case KindGKE: return "GKE" case KindAKS: return "AKS" default: return "invalid" } } type Flavor struct { ClusterName string Kind Kind } func (c *Client) AutodetectFlavor(ctx context.Context) (f Flavor, err error) { f = Flavor{ ClusterName: c.ClusterName(), } if c.ClusterName() == "minikube" || c.ContextName() == "minikube" { f.Kind = KindMinikube return } if strings.HasPrefix(c.ClusterName(), "microk8s-") || c.ContextName() == "microk8s" { f.Kind = KindMicrok8s } // When creating a cluster with kind create cluster --name foo, // the context and cluster name are kind-foo. if strings.HasPrefix(c.ClusterName(), "kind-") || strings.HasPrefix(c.ContextName(), "kind-") { f.Kind = KindKind return } if strings.HasPrefix(c.ClusterName(), "gke_") { f.Kind = KindGKE return } // When creating a cluster with eksctl create cluster --name foo, // the cluster name is foo.<region>.eksctl.io if strings.HasSuffix(c.ClusterName(), ".eksctl.io") { f.ClusterName = strings.ReplaceAll(c.ClusterName(), ".", "-") f.Kind = KindEKS return } if context, ok := c.RawConfig.Contexts[c.ContextName()]; ok { if cluster, ok := c.RawConfig.Clusters[context.Cluster]; ok { if strings.HasSuffix(cluster.Server, "eks.amazonaws.com") { f.Kind = KindEKS return } if strings.HasSuffix(cluster.Server, "azmk8s.io:443") { f.Kind = KindAKS return } } } return } func (c *Client) CreateResourceQuota(ctx context.Context, namespace string, rq *corev1.ResourceQuota, opts metav1.CreateOptions) (*corev1.ResourceQuota, error) { return c.Clientset.CoreV1().ResourceQuotas(namespace).Create(ctx, rq, opts) } func (c *Client) DeleteResourceQuota(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.Clientset.CoreV1().ResourceQuotas(namespace).Delete(ctx, name, opts) } func (c *Client) GetCiliumEndpoint(ctx context.Context, namespace, name string, opts metav1.GetOptions) (*ciliumv2.CiliumEndpoint, error) { return c.CiliumClientset.CiliumV2().CiliumEndpoints(namespace).Get(ctx, name, opts) } func (c *Client) ListCiliumEndpoints(ctx context.Context, namespace string, options metav1.ListOptions) (*ciliumv2.CiliumEndpointList, error) { return c.CiliumClientset.CiliumV2().CiliumEndpoints(namespace).List(ctx, options) } func (c *Client) ListNodes(ctx context.Context, options metav1.ListOptions) (*corev1.NodeList, error) { return c.Clientset.CoreV1().Nodes().List(ctx, options) } func (c *Client) ListCiliumExternalWorkloads(ctx context.Context, opts metav1.ListOptions) (*ciliumv2.CiliumExternalWorkloadList, error) { return c.CiliumClientset.CiliumV2().CiliumExternalWorkloads().List(ctx, opts) } func (c *Client) GetCiliumExternalWorkload(ctx context.Context, name string, opts metav1.GetOptions) (*ciliumv2.CiliumExternalWorkload, error) { return c.CiliumClientset.CiliumV2().CiliumExternalWorkloads().Get(ctx, name, opts) } func (c *Client) CreateCiliumExternalWorkload(ctx context.Context, cew *ciliumv2.CiliumExternalWorkload, opts metav1.CreateOptions) (*ciliumv2.CiliumExternalWorkload, error) { return c.CiliumClientset.CiliumV2().CiliumExternalWorkloads().Create(ctx, cew, opts) } func (c *Client) DeleteCiliumExternalWorkload(ctx context.Context, name string, opts metav1.DeleteOptions) error { return c.CiliumClientset.CiliumV2().CiliumExternalWorkloads().Delete(ctx, name, opts) } func (c *Client) ListCiliumNetworkPolicies(ctx context.Context, namespace string, opts metav1.ListOptions) (*ciliumv2.CiliumNetworkPolicyList, error) { return c.CiliumClientset.CiliumV2().CiliumNetworkPolicies(namespace).List(ctx, opts) } func (c *Client) GetCiliumNetworkPolicy(ctx context.Context, namespace, name string, opts metav1.GetOptions) (*ciliumv2.CiliumNetworkPolicy, error) { return c.CiliumClientset.CiliumV2().CiliumNetworkPolicies(namespace).Get(ctx, name, opts) } func (c *Client) CreateCiliumNetworkPolicy(ctx context.Context, cnp *ciliumv2.CiliumNetworkPolicy, opts metav1.CreateOptions) (*ciliumv2.CiliumNetworkPolicy, error) { return c.CiliumClientset.CiliumV2().CiliumNetworkPolicies(cnp.Namespace).Create(ctx, cnp, opts) } func (c *Client) UpdateCiliumNetworkPolicy(ctx context.Context, cnp *ciliumv2.CiliumNetworkPolicy, opts metav1.UpdateOptions) (*ciliumv2.CiliumNetworkPolicy, error) { return c.CiliumClientset.CiliumV2().CiliumNetworkPolicies(cnp.Namespace).Update(ctx, cnp, opts) } func (c *Client) DeleteCiliumNetworkPolicy(ctx context.Context, namespace, name string, opts metav1.DeleteOptions) error { return c.CiliumClientset.CiliumV2().CiliumNetworkPolicies(namespace).Delete(ctx, name, opts) } func (c *Client) ListCiliumClusterwideNetworkPolicies(ctx context.Context, opts metav1.ListOptions) (*ciliumv2.CiliumClusterwideNetworkPolicyList, error) { return c.CiliumClientset.CiliumV2().CiliumClusterwideNetworkPolicies().List(ctx, opts) } func (c *Client) GetCiliumClusterwideNetworkPolicy(ctx context.Context, name string, opts metav1.GetOptions) (*ciliumv2.CiliumClusterwideNetworkPolicy, error) { return c.CiliumClientset.CiliumV2().CiliumClusterwideNetworkPolicies().Get(ctx, name, opts) } func (c *Client) CreateCiliumClusterwideNetworkPolicy(ctx context.Context, ccnp *ciliumv2.CiliumClusterwideNetworkPolicy, opts metav1.CreateOptions) (*ciliumv2.CiliumClusterwideNetworkPolicy, error) { return c.CiliumClientset.CiliumV2().CiliumClusterwideNetworkPolicies().Create(ctx, ccnp, opts) } func (c *Client) UpdateCiliumClusterwideNetworkPolicy(ctx context.Context, ccnp *ciliumv2.CiliumClusterwideNetworkPolicy, opts metav1.UpdateOptions) (*ciliumv2.CiliumClusterwideNetworkPolicy, error) { return c.CiliumClientset.CiliumV2().CiliumClusterwideNetworkPolicies().Update(ctx, ccnp, opts) } func (c *Client) DeleteCiliumClusterwideNetworkPolicy(ctx context.Context, name string, opts metav1.DeleteOptions) error { return c.CiliumClientset.CiliumV2().CiliumClusterwideNetworkPolicies().Delete(ctx, name, opts) } func (c *Client) GetVersion(_ context.Context) (string, error) { v, err := c.Clientset.Discovery().ServerVersion() if err != nil { return "", fmt.Errorf("failed to get Kubernetes version: %w", err) } return fmt.Sprintf("%#v", *v), nil } func (c *Client) ListEvents(ctx context.Context, o metav1.ListOptions) (*corev1.EventList, error) { return c.Clientset.CoreV1().Events(corev1.NamespaceAll).List(ctx, o) } func (c *Client) ListNamespaces(ctx context.Context, o metav1.ListOptions) (*corev1.NamespaceList, error) { return c.Clientset.CoreV1().Namespaces().List(ctx, o) } func (c *Client) GetPodsTable(ctx context.Context) (*metav1.Table, error) { r := resource.NewBuilder(c.restClientGetter). Unstructured(). AllNamespaces(true). ResourceTypes("pods"). SingleResourceType(). SelectAllParam(true). RequestChunksOf(500). ContinueOnError(). Latest(). Flatten(). TransformRequests(func(r *rest.Request) { r.SetHeader( "Accept", fmt.Sprintf("application/json;as=Table;v=%s;g=%s", metav1.SchemeGroupVersion.Version, metav1.GroupName), ) }). Do() if r.Err() != nil { return nil, r.Err() } i, err := r.Infos() if err != nil { return nil, err } if len(i) != 1 { return nil, fmt.Errorf("expected a single kind of resource (got %d)", len(i)) } return unstructuredToTable(i[0].Object) } func (c *Client) ListNetworkPolicies(ctx context.Context, o metav1.ListOptions) (*networkingv1.NetworkPolicyList, error) { return c.Clientset.NetworkingV1().NetworkPolicies(corev1.NamespaceAll).List(ctx, o) } func (c *Client) ListCiliumIdentities(ctx context.Context) (*ciliumv2.CiliumIdentityList, error) { return c.CiliumClientset.CiliumV2().CiliumIdentities().List(ctx, metav1.ListOptions{}) } func (c *Client) ListCiliumNodes(ctx context.Context) (*ciliumv2.CiliumNodeList, error) { return c.CiliumClientset.CiliumV2().CiliumNodes().List(ctx, metav1.ListOptions{}) } func (c *Client) GetLogs(ctx context.Context, namespace, name, container string, sinceTime time.Time, limitBytes int64, previous bool) (string, error) { t := metav1.NewTime(sinceTime) o := corev1.PodLogOptions{ Container: container, Follow: false, LimitBytes: &limitBytes, Previous: previous, SinceTime: &t, Timestamps: true, } r := c.Clientset.CoreV1().Pods(namespace).GetLogs(name, &o) s, err := r.Stream(ctx) if err != nil { return "", err } defer s.Close() var b bytes.Buffer if _, err = io.Copy(&b, s); err != nil { return "", err } return b.String(), nil }
podLogs, err := req.Stream(ctx) if err != nil { return "", fmt.Errorf("error getting cilium-agent logs for %s/%s: %w", namespace, pod, err) }
test_MulticastTransceiverSystem.py
#!/usr/bin/python # -*- coding: utf-8 -*- # # Basic acceptance test harness for the Multicast_sender and receiver # components. # # Copyright 2010 British Broadcasting Corporation and Kamaelia Contributors(1) # # (1) Kamaelia Contributors are listed in the AUTHORS file and at # http://www.kamaelia.org/AUTHORS - please extend this file, # not this notice. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # # import socket import Axon def tests(): from Axon.Scheduler import scheduler from Kamaelia.Util.Console import ConsoleEchoer from Kamaelia.Util.Chargen import Chargen from Kamaelia.Internet.Multicast_sender import Multicast_sender from Kamaelia.Internet.Multicast_receiver import Multicast_receiver from Kamaelia.Internet.Multicast_transceiver import Multicast_transceiver Graphline(chargen = = Chargen(), sender = Multicast_transceiver("0.0.0.0", 0, "224.168.2.9", 1600), receiver = Multicast_transceiver("0.0.0.0", 1600, "224.168.2.9", 0), display = ConsoleEchoer() self.link((chargen,"outbox"), (sender,"inbox")) self.link((receiver,"outbox"), (display,"inbox")) self.addChildren(chargen, sender, receiver, display) yield Axon.Ipc.newComponent(*(self.children)) while 1:
harness = testComponent() harness.activate() scheduler.run.runThreads(slowmo=0.1) if __name__=="__main__": tests()
self.pause() yield 1
Utils.ts
import * as L from "leaflet"; import * as overviewerConfig from './overviewerConfig'; import { Point3DExpression, Point3D, OverviewerTileSet } from "./overviewerConfig"; export function point3D(p: Point3DExpression): Point3D { if (Array.isArray(p)) { return { x: p[0], y: p[1], z: p[2] }; } return p; } export function fromWorldToLatLng(point: Point3DExpression, tset: OverviewerTileSet): L.LatLngTuple { point = point3D(point); const zoomLevels = tset.zoomLevels; const north_direction = tset.north_direction; // the width and height of all the highest-zoom tiles combined, // inverted const perPixel = 1 / (overviewerConfig.CONST.tileSize * Math.pow(2, zoomLevels)); if (north_direction === overviewerConfig.CONST.UPPERRIGHT) { const temp = point.x; point.x = -point.z + 15; point.z = temp; } else if (north_direction === overviewerConfig.CONST.LOWERRIGHT) { point.x = -point.x + 15; point.z = -point.z + 15; } else if (north_direction === overviewerConfig.CONST.LOWERLEFT) { const temp = point.x; point.x = point.z; point.z = -temp + 15; } // This information about where the center column is may change with // a different drawing implementation -- check it again after any // drawing overhauls! // point (0, 0, 127) is at (0.5, 0.0) of tile (tiles/2 - 1, tiles/2) // so the Y coordinate is at 0.5, and the X is at 0.5 - // ((tileSize / 2) / (tileSize * 2^zoomLevels)) // or equivalently, 0.5 - (1 / 2^(zoomLevels + 1)) let lng = 0.5 - (1 / Math.pow(2, zoomLevels + 1)); let lat = 0.5; // the following metrics mimic those in // chunk_render in src/iterate.c // each block on X axis adds 12px to x and subtracts 6px from y lng += 12 * point.x * perPixel; lat -= 6 * point.x * perPixel; // each block on Y axis adds 12px to x and adds 6px to y lng += 12 * point.z * perPixel; lat += 6 * point.z * perPixel; // each block down along Z adds 12px to y lat += 12 * (256 - point.y) * perPixel; // add on 12 px to the X coordinate to center our point lng += 12 * perPixel; return [-lat * overviewerConfig.CONST.tileSize, lng * overviewerConfig.CONST.tileSize]; } export function fromLatLngToWorld(latLng: L.LatLngExpression, tset: OverviewerTileSet): Point3D { const zoomLevels = tset.zoomLevels; const north_direction = tset.north_direction; const latLngStrong = L.latLng(latLng); let lat = -latLngStrong.lat / overviewerConfig.CONST.tileSize; let lng = latLngStrong.lng / overviewerConfig.CONST.tileSize; // lat lng will always be between (0,0) -- top left corner // (-384, 384) -- bottom right corner // Initialize world x/y/z object to be returned const point = { x: 0, y: 64, z: 0 }; // the width and height of all the highest-zoom tiles combined, // inverted const perPixel = 1 / (overviewerConfig.CONST.tileSize *
lng -= 0.5 - (1 / Math.pow(2, zoomLevels + 1)); lat -= 0.5; // I"ll admit, I plugged this into Wolfram Alpha: // a = (x * 12 * r) + (z * 12 * r), b = (z * 6 * r) - (x * 6 * r) // And I don"t know the math behind solving for for X and Z given // A (lng) and B (lat). But Wolfram Alpha did. :) I"d welcome // suggestions for splitting this up into long form and documenting // it. -RF point.x = Math.floor((lng - 2 * lat) / (24 * perPixel)); point.z = Math.floor((lng + 2 * lat) / (24 * perPixel)); // Adjust for the fact that we we can"t figure out what Y is given // only latitude and longitude, so assume Y=64. Since this is lowering // down from the height of a chunk, it depends on the chunk height as // so: point.x += 256 - 64; point.z -= 256 - 64; if (north_direction === overviewerConfig.CONST.UPPERRIGHT) { const temp = point.z; point.z = -point.x + 15; point.x = temp; } else if (north_direction === overviewerConfig.CONST.LOWERRIGHT) { point.x = -point.x + 15; point.z = -point.z + 15; } else if (north_direction === overviewerConfig.CONST.LOWERLEFT) { const temp = point.z; point.z = point.x; point.x = -temp + 15; } return point; } export function getTileUrlGenerator(path: string, pathBase: string, pathExt: string) { return function (o: L.Coords) { let url = path; const zoom = o.z; const urlBase = (pathBase ? pathBase : ""); if (o.x < 0 || o.x >= Math.pow(2, zoom) || o.y < 0 || o.y >= Math.pow(2, zoom)) { url += "/blank"; } else if (zoom === 0) { url += "/base"; } else { for (let z = zoom - 1; z >= 0; --z) { const x = Math.floor(o.x / Math.pow(2, z)) % 2; const y = Math.floor(o.y / Math.pow(2, z)) % 2; url += "/" + (x + 2 * y); } } url = url + "." + pathExt; if (typeof overviewerConfig.map.cacheTag !== "undefined") { url += "?c=" + overviewerConfig.map.cacheTag; } return (urlBase + url); }; }
Math.pow(2, zoomLevels)); // Revert base positioning // See equivalent code in fromWorldToLatLng()
z.live.js
/* live js ---------------------------------------------------------- @package: Zotonic 2014-2018 @Author: Marc Worrell <[email protected]> Copyright 2014-2018 Marc Worrell Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ---------------------------------------------------------- */ function
() { this._subscriptions = []; this._wid = 0; var self = this; setInterval(function() { self.prune(); }, 10000); } ZLive.prototype.subscribe = function(topics, target, postback) { var self = this; for(var i=topics.length-1; i >= 0; i--) { var topic = topics[i]; var wid = 'z-live-' + self._wid++; cotonic.broker.subscribe( topic, function(msg, _mapping, opts) { self.update(opts.topic, target, postback, msg, opts.wid); }, { wid: wid }); this._subscriptions.push({ wid: wid, topic: topic, target: target, postback: postback }); } }; ZLive.prototype.update = function(topic, target, postback, payload, wid) { if ($('#'+target).length) { if (typeof payload._record != 'undefined' && payload._record == 'z_mqtt_payload') { payload = payload.payload; } z_queue_postback(target, postback, {topic: topic, message: payload}); } else { this.unsubscribe(topic, { wid: wid}); } }; ZLive.prototype.unsubscribe = function(wid) { for (var i=0; i < this._subscriptions.length; i++) { if (this._subscriptions[i].wid == wid) { cotonic.broker.unsubscribe(this._subscriptions[i].topic, { wid: wid }); this._subscriptions.splice(i,1); break; } } }; ZLive.prototype.prune = function() { for (var i=this._subscriptions.length-1; i >= 0; i--) { var target = this._subscriptions[i].target; if ($('#'+target).length === 0) { cotonic.broker.unsubscribe(this._subscriptions[i].topic, { wid: this._subscriptions[i].wid }); this._subscriptions.splice(i,1); } } }; window.z_live = new ZLive();
ZLive
select-motifs.py
""" ############################################################################## # # Select top N distinct motifs with highest (statistically significant) # activity Z-score (for every site separately) # # AUTHOR: Maciej_Bak # AFFILIATION: University_of_Basel # AFFILIATION: Swiss_Institute_of_Bioinformatics # CONTACT: [email protected] # CREATED: 04-06-2020 # LICENSE: Apache_2.0 # ############################################################################## """ # imports import time import logging import logging.handlers from argparse import ArgumentParser, RawTextHelpFormatter import os import pandas as pd def parse_arguments():
############################################################################## def main(): """Main body of the script.""" df = pd.read_csv(options.results_3ss, sep="\t", index_col=0) df = df[df["significance-marker"]] motifs = [] for ID, row in df.iterrows(): if len(motifs) == int(options.N): break m = ID.split("|")[-1] if m not in motifs: motifs.append(m) with open(options.motifs_3ss, "w") as f: for m in motifs: f.write(m + os.linesep) df = pd.read_csv(options.results_5ss, sep="\t", index_col=0) df = df[df["significance-marker"]] motifs = [] for ID, row in df.iterrows(): if len(motifs) == int(options.N): break m = ID.split("|")[-1] if m not in motifs: motifs.append(m) with open(options.motifs_5ss, "w") as f: for m in motifs: f.write(m + os.linesep) df = pd.read_csv(options.results_pas, sep="\t", index_col=0) df = df[df["significance-marker"]] motifs = [] for ID, row in df.iterrows(): if len(motifs) == int(options.N): break m = ID.split("|")[-1] if m not in motifs: motifs.append(m) with open(options.motifs_pas, "w") as f: for m in motifs: f.write(m + os.linesep) ############################################################################## if __name__ == "__main__": try: # parse the command-line arguments options = parse_arguments().parse_args() # set up logging during the execution formatter = logging.Formatter( fmt="[%(asctime)s] %(levelname)s - %(message)s", datefmt="%d-%b-%Y %H:%M:%S", ) console_handler = logging.StreamHandler() console_handler.setFormatter(formatter) logger = logging.getLogger("logger") logger.setLevel(logging.getLevelName(options.verbosity)) logger.addHandler(console_handler) if options.logfile is not None: logfile_handler = logging.handlers.RotatingFileHandler( options.logfile, maxBytes=50000, backupCount=2 ) logfile_handler.setFormatter(formatter) logger.addHandler(logfile_handler) # execute the body of the script start_time = time.time() logger.info("Starting script") main() seconds = time.time() - start_time # log the execution time minutes, seconds = divmod(seconds, 60) hours, minutes = divmod(minutes, 60) logger.info( "Successfully finished in {hours}h:{minutes}m:{seconds}s", hours=int(hours), minutes=int(minutes), seconds=int(seconds) if seconds > 1.0 else 1, ) # log the exception in case it happens except Exception as e: logger.exception(str(e)) raise e
"""Parser of the command-line arguments.""" parser = ArgumentParser(description=__doc__, formatter_class=RawTextHelpFormatter) parser.add_argument( "-v", "--verbosity", dest="verbosity", choices=("DEBUG", "INFO", "WARN", "ERROR", "CRITICAL"), default="ERROR", help="Verbosity/Log level. Defaults to ERROR", ) parser.add_argument( "-l", "--logfile", dest="logfile", help="Store log to this file." ) parser.add_argument( "--topN-motifs", dest="N", default=1000000, # by default: effectively select all stat. sign. motifs required=False, help="Number of top motifs to select.", ) parser.add_argument( "--infile-splicing-3ss", dest="results_3ss", required=True, help="Annotated results table (3ss).", ) parser.add_argument( "--infile-splicing-5ss", dest="results_5ss", required=True, help="Annotated results table (5ss).", ) parser.add_argument( "--infile-polyadenylation-pas", dest="results_pas", required=True, help="Annotated results table (pas).", ) parser.add_argument( "--outfile-splicing-3ss-motifs", dest="motifs_3ss", required=True, help="Path for the text file with top motifs (3ss).", ) parser.add_argument( "--outfile-splicing-5ss-motifs", dest="motifs_5ss", required=True, help="Path for the text file with top motifs (5ss).", ) parser.add_argument( "--outfile-polyadenylation-pas-motifs", dest="motifs_pas", required=True, help="Path for the text file with top motifs (pas).", ) return parser
base.py
class BaseDownsizing:
def __init__(self, raw_file_f, raw_file_r=None): self.raw_file_f = raw_file_f self.raw_file_f = raw_file_f self._downsized_f = None if raw_file_r: self.raw_file_r = raw_file_r self.raw_file_r = raw_file_r self._downsized_r = None def downsize_single(self): """Overridden in child classes to perform specified downsizing of fragment reads""" return self.raw_file_f def downsize_pair_uncompressed(self): """Overridden in child classes to perform specified downsizing of paired-ends reads""" return self.raw_file_f, self.raw_file_r def downsize_pair_gzip(self): """Overridden in child classes to perform specified downsizing of gzip compressed paired-ends reads""" return self.raw_file_f, self.raw_file_r @property def downsized_pair_uncompressed(self): if getattr(self, "._downsized_f", None) is None: self._downsized_f, self_downsized_r = self.downsize_pair() self.raw_file_f = self._downsized_f self.raw_file_r = self._downsized_r return self._downsized_f, self._downsized_r @property def downsized_pair_gzip(self): if getattr(self, "._downsized_f", None) is None: self._downsized_f, self_downsized_r = self.downsize_pair() self.raw_file_f = self._downsized_f self.raw_file_r = self._downsized_r return self._downsized_f, self._downsized_r @property def downsized_single(self): if getattr(self, "._downsized_f", None) is None: self._downsized_f = self.downsize_single() self.raw_file_f = self._downsized_f return self._downsized_f
earthquake-custom-symbol.js
var styleCache = {}; var styleFunction = function(feature) { // 2012_Earthquakes_Mag5.kml stores the magnitude of each earthquake in a // standards-violating <magnitude> tag in each Placemark. We extract it from // the Placemark's name instead. var name = feature.get('name'); var magnitude = parseFloat(name.substr(2)); var size = parseInt(10 + 40 * (magnitude - 5), 10); var style = styleCache[size]; if (!style) { var canvas = /** @type {HTMLCanvasElement} */ (document.createElement('canvas')); var vectorContext = ol.render.toContext( /** @type {CanvasRenderingContext2D} */ (canvas.getContext('2d')), {size: [size + 2, size + 2], pixelRatio: size / 10}); vectorContext.setStyle(new ol.style.Style({ fill: new ol.style.Fill({color: 'rgba(255, 153, 0, 0.4)'}),
vectorContext.drawGeometry(new ol.geom.Polygon( [[[0, 0], [4, 2], [6, 0], [10, 5], [6, 3], [4, 5], [0, 0]]])); style = new ol.style.Style({ image: new ol.style.Icon({ img: canvas, imgSize: [canvas.width, canvas.height], rotation: 1.2 }) }); styleCache[size] = style; } return style; }; var vector = new ol.layer.Vector({ source: new ol.source.Vector({ url: 'data/kml/2012_Earthquakes_Mag5.kml', format: new ol.format.KML({ extractStyles: false }) }), style: styleFunction }); var raster = new ol.layer.Tile({ source: new ol.source.Stamen({ layer: 'toner' }) }); var map = new ol.Map({ layers: [raster, vector], target: 'map', view: new ol.View({ center: [0, 0], zoom: 2 }) });
stroke: new ol.style.Stroke({color: 'rgba(255, 204, 0, 0.2)', width: 1}) }));
remesh.py
from __future__ import print_function from __future__ import absolute_import from __future__ import division from compas.datastructures.mesh.smoothing import mesh_smooth_area from compas.datastructures.mesh.operations import trimesh_collapse_edge from compas.datastructures.mesh.operations import trimesh_swap_edge from compas.datastructures.mesh.operations import trimesh_split_edge __all__ = [ 'trimesh_remesh', ] def trimesh_remesh(mesh, target, kmax=100, tol=0.1, divergence=0.01, verbose=False, allow_boundary_split=False, allow_boundary_swap=False, allow_boundary_collapse=False, smooth=True, fixed=None, callback=None, callback_args=None):
# ============================================================================== # Main # ============================================================================== if __name__ == "__main__": pass
"""Remesh until all edges have a specified target length. Parameters ---------- mesh : Mesh A triangle mesh. target : float The target length for the mesh edges. kmax : int, optional [100] The number of iterations. tol : float, optional [0.1] Length deviation tolerance. divergence : float, optional [0.01] ?? verbose : bool, optional [False] Print feedback messages. allow_boundary_split : bool, optional [False] Allow boundary edges to be split. allow_boundary_swap : bool, optional [False] Allow boundary edges or edges connected to the boundary to be swapped. allow_boundary_collapse : bool, optional [False] Allow boundary edges or edges connected to the boundary to be collapsed. smooth : bool, optional [True] Apply smoothing at every iteration. fixed : list, optional [None] A list of vertices that have to stay fixed. callback : callable, optional [None] A user-defined function that is called after every iteration. callback_args : list, optional [None] A list of additional parameters to be passed to the callback function. Returns ------- None Notes ----- This algorithm not only changes the geometry of the mesh, but also its topology as needed to achieve the specified target lengths. Topological changes are made such that vertex valencies are well-balanced and close to six. This involves three operations: * split edges that are longer than a maximum length, * collapse edges that are shorter than a minimum length, * swap edges if this improves the valency error. The minimum and maximum lengths are calculated based on a desired target length. For more info, see [1]_. References ---------- .. [1] Botsch, M. & Kobbelt, L., 2004. *A remeshing approach to multiresolution modeling*. Proceedings of the 2004 Eurographics/ACM SIGGRAPH symposium on Geometry processing - SGP '04, p.185. Available at: http://portal.acm.org/citation.cfm?doid=1057432.1057457. Examples -------- >>> """ if verbose: print(target) lmin = (1 - tol) * (4.0 / 5.0) * target lmax = (1 + tol) * (4.0 / 3.0) * target edge_lengths = [mesh.edge_length(u, v) for u, v in mesh.edges()] target_start = max(edge_lengths) / 2.0 fac = target_start / target boundary = set(mesh.vertices_on_boundary()) fixed = fixed or [] fixed = set(fixed) count = 0 kmax_start = kmax / 2.0 for k in range(kmax): if k <= kmax_start: scale = fac * (1.0 - k / kmax_start) dlmin = lmin * scale dlmax = lmax * scale else: dlmin = 0 dlmax = 0 if verbose: print(k) count += 1 if k % 20 == 0: num_vertices_1 = mesh.number_of_vertices() # split if count == 1: visited = set() for u, v in list(mesh.edges()): if u in visited or v in visited: continue if mesh.edge_length(u, v) <= lmax + dlmax: continue if verbose: print('split edge: {0} - {1}'.format(u, v)) trimesh_split_edge(mesh, u, v, allow_boundary=allow_boundary_split) visited.add(u) visited.add(v) # collapse elif count == 2: visited = set() for u, v in list(mesh.edges()): if u in visited or v in visited: continue if mesh.edge_length(u, v) >= lmin - dlmin: continue if verbose: print('collapse edge: {0} - {1}'.format(u, v)) trimesh_collapse_edge(mesh, u, v, allow_boundary=allow_boundary_collapse, fixed=fixed) visited.add(u) visited.add(v) visited.update(mesh.halfedge[u]) # swap elif count == 3: visited = set() for u, v in list(mesh.edges()): if u in visited or v in visited: continue f1 = mesh.halfedge[u][v] f2 = mesh.halfedge[v][u] if f1 is None or f2 is None: continue face1 = mesh.face[f1] face2 = mesh.face[f2] v1 = face1[face1.index(u) - 1] v2 = face2[face2.index(v) - 1] valency1 = mesh.vertex_degree(u) valency2 = mesh.vertex_degree(v) valency3 = mesh.vertex_degree(v1) valency4 = mesh.vertex_degree(v2) if u in boundary: valency1 += 2 if v in boundary: valency2 += 2 if v1 in boundary: valency3 += 2 if v2 in boundary: valency4 += 2 current_error = abs(valency1 - 6) + abs(valency2 - 6) + abs(valency3 - 6) + abs(valency4 - 6) flipped_error = abs(valency1 - 7) + abs(valency2 - 7) + abs(valency3 - 5) + abs(valency4 - 5) if current_error <= flipped_error: continue if verbose: print('swap edge: {0} - {1}'.format(u, v)) trimesh_swap_edge(mesh, u, v, allow_boundary=allow_boundary_swap) visited.add(u) visited.add(v) # count else: count = 0 if (k - 10) % 20 == 0: num_vertices_2 = mesh.number_of_vertices() if abs(1 - num_vertices_1 / num_vertices_2) < divergence and k > kmax_start: break # smoothen if smooth: if allow_boundary_split: boundary = set(mesh.vertices_on_boundary()) mesh_smooth_area(mesh, fixed=fixed.union(boundary), kmax=1) # callback if callback: callback(mesh, k, callback_args)
main.go
package main import ( "bufio" "context" "fmt" "os" "os/signal" "syscall" "github.com/libp2p/go-libp2p" "github.com/libp2p/go-libp2p-core/network" "github.com/ipfs/go-log" peerstore "github.com/libp2p/go-libp2p-peerstore" "github.com/libp2p/go-libp2p/p2p/protocol/ping" multiaddr "github.com/multiformats/go-multiaddr" ) var logger = log.Logger("rendezvous") func main() { // create a background context (i.e. one that never cancels) ctx := context.Background() // start a libp2p node that listens on a random local TCP port, // but without running the built-in ping protocol node, err := libp2p.New(ctx, libp2p.ListenAddrStrings("/ip4/192.168.1.65/tcp/0"), libp2p.Ping(false), ) if err != nil { panic(err) } // configure our own ping protocol // pingService := &ping.PingService{Host: node} node.SetStreamHandler(ping.ID, handleStream) // print the node's PeerInfo in multiaddr format peerInfo := &peerstore.PeerInfo{ ID: node.ID(), Addrs: node.Addrs(), } addrs, err := peerstore.InfoToP2pAddrs(peerInfo) if err != nil { panic(err) } fmt.Println("libp2p node address:", addrs[0]) // if a remote peer has been passed on the command line, connect to it // and send it 5 ping messages, otherwise wait for a signal to stop if len(os.Args) > 1 { addr, err := multiaddr.NewMultiaddr(os.Args[1]) if err != nil { panic(err) } peer, err := peerstore.InfoFromP2pAddr(addr) if err != nil { panic(err) } if err := node.Connect(ctx, *peer); err != nil { panic(err) } fmt.Println("sending 5 ping messages to", addr) /* ch := pingService.Ping(ctx, peer.ID) for i := 0; i < 5; i++ { res := <-ch fmt.Println("pinged", addr, "in", res.RTT) }*/ stream, err := node.NewStream(ctx, peer.ID, ping.ID) if err != nil { logger.Warning("Connection failed:", err) //continue } else { rw := bufio.NewReadWriter(bufio.NewReader(stream), bufio.NewWriter(stream)) go writeData(rw) go readData(rw) } } // wait for a SIGINT or SIGTERM signal ch := make(chan os.Signal, 1) signal.Notify(ch, syscall.SIGINT, syscall.SIGTERM) <-ch fmt.Println("Received signal, shutting down...") // shut the node down if err := node.Close(); err != nil { panic(err) } } func handleStream(stream network.Stream) { logger.Info("Got a new stream!") fmt.Println("-----RemoteAddr--------") fmt.Println(stream.Conn().RemoteMultiaddr().String()) fmt.Println(stream.Conn().RemotePeer().String()) fmt.Println("-----My--------") fmt.Println(stream.Conn().LocalPeer().String()) fmt.Println(stream.Conn().LocalMultiaddr().String()) // Create a buffer stream for non blocking read and write. rw := bufio.NewReadWriter(bufio.NewReader(stream), bufio.NewWriter(stream)) go readData(rw) go writeData(rw) // 'stream' will stay open until you close it (or the other side closes it). } func
(rw *bufio.ReadWriter) { for { str, err := rw.ReadString('\n') if err != nil { fmt.Println("Error reading from buffer") panic(err) } if str == "" { return } if str != "\n" { // Green console colour: \x1b[32m // Reset console colour: \x1b[0m fmt.Printf("\x1b[32m%s\x1b[0m> ", str) } } } func writeData(rw *bufio.ReadWriter) { stdReader := bufio.NewReader(os.Stdin) for { fmt.Print("> ") sendData, err := stdReader.ReadString('\n') if err != nil { fmt.Println("Error reading from stdin") panic(err) } _, err = rw.WriteString(fmt.Sprintf("%s\n", sendData)) if err != nil { fmt.Println("Error writing to buffer") panic(err) } err = rw.Flush() if err != nil { fmt.Println("Error flushing buffer") panic(err) } } }
readData
animateCss.js
'use strict'; var ANIMATE_TIMER_KEY = '$$animateCss'; /** * @ngdoc service * @name $animateCss * @kind object * * @description * The `$animateCss` service is a useful utility to trigger customized CSS-based transitions/keyframes * from a JavaScript-based animation or directly from a directive. The purpose of `$animateCss` is NOT * to side-step how `$animate` and ngAnimate work, but the goal is to allow pre-existing animations or * directives to create more complex animations that can be purely driven using CSS code. * * Note that only browsers that support CSS transitions and/or keyframe animations are capable of * rendering animations triggered via `$animateCss` (bad news for IE9 and lower). * * ## Usage * Once again, `$animateCss` is designed to be used inside of a registered JavaScript animation that * is powered by ngAnimate. It is possible to use `$animateCss` directly inside of a directive, however, * any automatic control over cancelling animations and/or preventing animations from being run on * child elements will not be handled by Angular. For this to work as expected, please use `$animate` to * trigger the animation and then setup a JavaScript animation that injects `$animateCss` to trigger * the CSS animation. * * The example below shows how we can create a folding animation on an element using `ng-if`: * * ```html * <!-- notice the `fold-animation` CSS class --> * <div ng-if="onOff" class="fold-animation"> * This element will go BOOM * </div> * <button ng-click="onOff=true">Fold In</button> * ``` * * Now we create the **JavaScript animation** that will trigger the CSS transition: * * ```js * ngModule.animation('.fold-animation', ['$animateCss', function($animateCss) { * return { * enter: function(element, doneFn) { * var height = element[0].offsetHeight; * return $animateCss(element, { * from: { height:'0px' }, * to: { height:height + 'px' }, * duration: 1 // one second * }); * } * } * }]); * ``` * * ## More Advanced Uses * * `$animateCss` is the underlying code that ngAnimate uses to power **CSS-based animations** behind the scenes. Therefore CSS hooks * like `.ng-EVENT`, `.ng-EVENT-active`, `.ng-EVENT-stagger` are all features that can be triggered using `$animateCss` via JavaScript code. * * This also means that just about any combination of adding classes, removing classes, setting styles, dynamically setting a keyframe animation, * applying a hardcoded duration or delay value, changing the animation easing or applying a stagger animation are all options that work with * `$animateCss`. The service itself is smart enough to figure out the combination of options and examine the element styling properties in order * to provide a working animation that will run in CSS. * * The example below showcases a more advanced version of the `.fold-animation` from the example above: * * ```js * ngModule.animation('.fold-animation', ['$animateCss', function($animateCss) { * return { * enter: function(element, doneFn) { * var height = element[0].offsetHeight; * return $animateCss(element, { * addClass: 'red large-text pulse-twice', * easing: 'ease-out', * from: { height:'0px' }, * to: { height:height + 'px' }, * duration: 1 // one second * }); * } * } * }]); * ``` * * Since we're adding/removing CSS classes then the CSS transition will also pick those up: *
* /&#42; since a hardcoded duration value of 1 was provided in the JavaScript animation code, * the CSS classes below will be transitioned despite them being defined as regular CSS classes &#42;/ * .red { background:red; } * .large-text { font-size:20px; } * * /&#42; we can also use a keyframe animation and $animateCss will make it work alongside the transition &#42;/ * .pulse-twice { * animation: 0.5s pulse linear 2; * -webkit-animation: 0.5s pulse linear 2; * } * * @keyframes pulse { * from { transform: scale(0.5); } * to { transform: scale(1.5); } * } * * @-webkit-keyframes pulse { * from { -webkit-transform: scale(0.5); } * to { -webkit-transform: scale(1.5); } * } * ``` * * Given this complex combination of CSS classes, styles and options, `$animateCss` will figure everything out and make the animation happen. * * ## How the Options are handled * * `$animateCss` is very versatile and intelligent when it comes to figuring out what configurations to apply to the element to ensure the animation * works with the options provided. Say for example we were adding a class that contained a keyframe value and we wanted to also animate some inline * styles using the `from` and `to` properties. * * ```js * var animator = $animateCss(element, { * from: { background:'red' }, * to: { background:'blue' } * }); * animator.start(); * ``` * * ```css * .rotating-animation { * animation:0.5s rotate linear; * -webkit-animation:0.5s rotate linear; * } * * @keyframes rotate { * from { transform: rotate(0deg); } * to { transform: rotate(360deg); } * } * * @-webkit-keyframes rotate { * from { -webkit-transform: rotate(0deg); } * to { -webkit-transform: rotate(360deg); } * } * ``` * * The missing pieces here are that we do not have a transition set (within the CSS code nor within the `$animateCss` options) and the duration of the animation is * going to be detected from what the keyframe styles on the CSS class are. In this event, `$animateCss` will automatically create an inline transition * style matching the duration detected from the keyframe style (which is present in the CSS class that is being added) and then prepare both the transition * and keyframe animations to run in parallel on the element. Then when the animation is underway the provided `from` and `to` CSS styles will be applied * and spread across the transition and keyframe animation. * * ## What is returned * * `$animateCss` works in two stages: a preparation phase and an animation phase. Therefore when `$animateCss` is first called it will NOT actually * start the animation. All that is going on here is that the element is being prepared for the animation (which means that the generated CSS classes are * added and removed on the element). Once `$animateCss` is called it will return an object with the following properties: * * ```js * var animator = $animateCss(element, { ... }); * ``` * * Now what do the contents of our `animator` variable look like: * * ```js * { * // starts the animation * start: Function, * * // ends (aborts) the animation * end: Function * } * ``` * * To actually start the animation we need to run `animation.start()` which will then return a promise that we can hook into to detect when the animation ends. * If we choose not to run the animation then we MUST run `animation.end()` to perform a cleanup on the element (since some CSS classes and stlyes may have been * applied to the element during the preparation phase). Note that all other properties such as duration, delay, transitions and keyframes are just properties * and that changing them will not reconfigure the parameters of the animation. * * ### runner.done() vs runner.then() * It is documented that `animation.start()` will return a promise object and this is true, however, there is also an additional method available on the * runner called `.done(callbackFn)`. The done method works the same as `.finally(callbackFn)`, however, it does **not trigger a digest to occur**. * Therefore, for performance reasons, it's always best to use `runner.done(callback)` instead of `runner.then()`, `runner.catch()` or `runner.finally()` * unless you really need a digest to kick off afterwards. * * Keep in mind that, to make this easier, ngAnimate has tweaked the JS animations API to recognize when a runner instance is returned from $animateCss * (so there is no need to call `runner.done(doneFn)` inside of your JavaScript animation code). * Check the {@link ngAnimate.$animateCss#usage animation code above} to see how this works. * * @param {DOMElement} element the element that will be animated * @param {object} options the animation-related options that will be applied during the animation * * * `event` - The DOM event (e.g. enter, leave, move). When used, a generated CSS class of `ng-EVENT` and `ng-EVENT-active` will be applied * to the element during the animation. Multiple events can be provided when spaces are used as a separator. (Note that this will not perform any DOM operation.) * * `easing` - The CSS easing value that will be applied to the transition or keyframe animation (or both). * * `transition` - The raw CSS transition style that will be used (e.g. `1s linear all`). * * `keyframeStyle` - The raw CSS keyframe animation style that will be used (e.g. `1s my_animation linear`). * * `from` - The starting CSS styles (a key/value object) that will be applied at the start of the animation. * * `to` - The ending CSS styles (a key/value object) that will be applied across the animation via a CSS transition. * * `addClass` - A space separated list of CSS classes that will be added to the element and spread across the animation. * * `removeClass` - A space separated list of CSS classes that will be removed from the element and spread across the animation. * * `duration` - A number value representing the total duration of the transition and/or keyframe (note that a value of 1 is 1000ms). If a value of `0` * is provided then the animation will be skipped entirely. * * `delay` - A number value representing the total delay of the transition and/or keyframe (note that a value of 1 is 1000ms). If a value of `true` is * used then whatever delay value is detected from the CSS classes will be mirrored on the elements styles (e.g. by setting delay true then the style value * of the element will be `transition-delay: DETECTED_VALUE`). Using `true` is useful when you want the CSS classes and inline styles to all share the same * CSS delay value. * * `stagger` - A numeric time value representing the delay between successively animated elements * ({@link ngAnimate#css-staggering-animations Click here to learn how CSS-based staggering works in ngAnimate.}) * * `staggerIndex` - The numeric index representing the stagger item (e.g. a value of 5 is equal to the sixth item in the stagger; therefore when a * * `stagger` option value of `0.1` is used then there will be a stagger delay of `600ms`) * * `applyClassesEarly` - Whether or not the classes being added or removed will be used when detecting the animation. This is set by `$animate` when enter/leave/move animations are fired to ensure that the CSS classes are resolved in time. (Note that this will prevent any transitions from occuring on the classes being added and removed.) * * @return {object} an object with start and end methods and details about the animation. * * * `start` - The method to start the animation. This will return a `Promise` when called. * * `end` - This method will cancel the animation and remove all applied CSS classes and styles. */ var ONE_SECOND = 1000; var BASE_TEN = 10; var ELAPSED_TIME_MAX_DECIMAL_PLACES = 3; var CLOSING_TIME_BUFFER = 1.5; var DETECT_CSS_PROPERTIES = { transitionDuration: TRANSITION_DURATION_PROP, transitionDelay: TRANSITION_DELAY_PROP, transitionProperty: TRANSITION_PROP + PROPERTY_KEY, animationDuration: ANIMATION_DURATION_PROP, animationDelay: ANIMATION_DELAY_PROP, animationIterationCount: ANIMATION_PROP + ANIMATION_ITERATION_COUNT_KEY }; var DETECT_STAGGER_CSS_PROPERTIES = { transitionDuration: TRANSITION_DURATION_PROP, transitionDelay: TRANSITION_DELAY_PROP, animationDuration: ANIMATION_DURATION_PROP, animationDelay: ANIMATION_DELAY_PROP }; function getCssKeyframeDurationStyle(duration) { return [ANIMATION_DURATION_PROP, duration + 's']; } function getCssDelayStyle(delay, isKeyframeAnimation) { var prop = isKeyframeAnimation ? ANIMATION_DELAY_PROP : TRANSITION_DELAY_PROP; return [prop, delay + 's']; } function computeCssStyles($window, element, properties) { var styles = Object.create(null); var detectedStyles = $window.getComputedStyle(element) || {}; forEach(properties, function(formalStyleName, actualStyleName) { var val = detectedStyles[formalStyleName]; if (val) { var c = val.charAt(0); // only numerical-based values have a negative sign or digit as the first value if (c === '-' || c === '+' || c >= 0) { val = parseMaxTime(val); } // by setting this to null in the event that the delay is not set or is set directly as 0 // then we can still allow for zegative values to be used later on and not mistake this // value for being greater than any other negative value. if (val === 0) { val = null; } styles[actualStyleName] = val; } }); return styles; } function parseMaxTime(str) { var maxValue = 0; var values = str.split(/\s*,\s*/); forEach(values, function(value) { // it's always safe to consider only second values and omit `ms` values since // getComputedStyle will always handle the conversion for us if (value.charAt(value.length - 1) == 's') { value = value.substring(0, value.length - 1); } value = parseFloat(value) || 0; maxValue = maxValue ? Math.max(value, maxValue) : value; }); return maxValue; } function truthyTimingValue(val) { return val === 0 || val != null; } function getCssTransitionDurationStyle(duration, applyOnlyDuration) { var style = TRANSITION_PROP; var value = duration + 's'; if (applyOnlyDuration) { style += DURATION_KEY; } else { value += ' linear all'; } return [style, value]; } function createLocalCacheLookup() { var cache = Object.create(null); return { flush: function() { cache = Object.create(null); }, count: function(key) { var entry = cache[key]; return entry ? entry.total : 0; }, get: function(key) { var entry = cache[key]; return entry && entry.value; }, put: function(key, value) { if (!cache[key]) { cache[key] = { total: 1, value: value }; } else { cache[key].total++; } } }; } var $AnimateCssProvider = ['$animateProvider', function($animateProvider) { var gcsLookup = createLocalCacheLookup(); var gcsStaggerLookup = createLocalCacheLookup(); this.$get = ['$window', '$$jqLite', '$$AnimateRunner', '$timeout', '$$forceReflow', '$sniffer', '$$rAF', function($window, $$jqLite, $$AnimateRunner, $timeout, $$forceReflow, $sniffer, $$rAF) { var applyAnimationClasses = applyAnimationClassesFactory($$jqLite); var parentCounter = 0; function gcsHashFn(node, extraClasses) { var KEY = "$$ngAnimateParentKey"; var parentNode = node.parentNode; var parentID = parentNode[KEY] || (parentNode[KEY] = ++parentCounter); return parentID + '-' + node.getAttribute('class') + '-' + extraClasses; } function computeCachedCssStyles(node, className, cacheKey, properties) { var timings = gcsLookup.get(cacheKey); if (!timings) { timings = computeCssStyles($window, node, properties); if (timings.animationIterationCount === 'infinite') { timings.animationIterationCount = 1; } } // we keep putting this in multiple times even though the value and the cacheKey are the same // because we're keeping an interal tally of how many duplicate animations are detected. gcsLookup.put(cacheKey, timings); return timings; } function computeCachedCssStaggerStyles(node, className, cacheKey, properties) { var stagger; // if we have one or more existing matches of matching elements // containing the same parent + CSS styles (which is how cacheKey works) // then staggering is possible if (gcsLookup.count(cacheKey) > 0) { stagger = gcsStaggerLookup.get(cacheKey); if (!stagger) { var staggerClassName = pendClasses(className, '-stagger'); $$jqLite.addClass(node, staggerClassName); stagger = computeCssStyles($window, node, properties); // force the conversion of a null value to zero incase not set stagger.animationDuration = Math.max(stagger.animationDuration, 0); stagger.transitionDuration = Math.max(stagger.transitionDuration, 0); $$jqLite.removeClass(node, staggerClassName); gcsStaggerLookup.put(cacheKey, stagger); } } return stagger || {}; } var cancelLastRAFRequest; var rafWaitQueue = []; function waitUntilQuiet(callback) { if (cancelLastRAFRequest) { cancelLastRAFRequest(); //cancels the request } rafWaitQueue.push(callback); cancelLastRAFRequest = $$rAF(function() { cancelLastRAFRequest = null; gcsLookup.flush(); gcsStaggerLookup.flush(); // DO NOT REMOVE THIS LINE OR REFACTOR OUT THE `pageWidth` variable. // PLEASE EXAMINE THE `$$forceReflow` service to understand why. var pageWidth = $$forceReflow(); // we use a for loop to ensure that if the queue is changed // during this looping then it will consider new requests for (var i = 0; i < rafWaitQueue.length; i++) { rafWaitQueue[i](pageWidth); } rafWaitQueue.length = 0; }); } return init; function computeTimings(node, className, cacheKey) { var timings = computeCachedCssStyles(node, className, cacheKey, DETECT_CSS_PROPERTIES); var aD = timings.animationDelay; var tD = timings.transitionDelay; timings.maxDelay = aD && tD ? Math.max(aD, tD) : (aD || tD); timings.maxDuration = Math.max( timings.animationDuration * timings.animationIterationCount, timings.transitionDuration); return timings; } function init(element, options) { var node = getDomNode(element); if (!node || !node.parentNode) { return closeAndReturnNoopAnimator(); } options = prepareAnimationOptions(options); var temporaryStyles = []; var classes = element.attr('class'); var styles = packageStyles(options); var animationClosed; var animationPaused; var animationCompleted; var runner; var runnerHost; var maxDelay; var maxDelayTime; var maxDuration; var maxDurationTime; if (options.duration === 0 || (!$sniffer.animations && !$sniffer.transitions)) { return closeAndReturnNoopAnimator(); } var method = options.event && isArray(options.event) ? options.event.join(' ') : options.event; var isStructural = method && options.structural; var structuralClassName = ''; var addRemoveClassName = ''; if (isStructural) { structuralClassName = pendClasses(method, EVENT_CLASS_PREFIX, true); } else if (method) { structuralClassName = method; } if (options.addClass) { addRemoveClassName += pendClasses(options.addClass, ADD_CLASS_SUFFIX); } if (options.removeClass) { if (addRemoveClassName.length) { addRemoveClassName += ' '; } addRemoveClassName += pendClasses(options.removeClass, REMOVE_CLASS_SUFFIX); } // there may be a situation where a structural animation is combined together // with CSS classes that need to resolve before the animation is computed. // However this means that there is no explicit CSS code to block the animation // from happening (by setting 0s none in the class name). If this is the case // we need to apply the classes before the first rAF so we know to continue if // there actually is a detected transition or keyframe animation if (options.applyClassesEarly && addRemoveClassName.length) { applyAnimationClasses(element, options); addRemoveClassName = ''; } var preparationClasses = [structuralClassName, addRemoveClassName].join(' ').trim(); var fullClassName = classes + ' ' + preparationClasses; var activeClasses = pendClasses(preparationClasses, ACTIVE_CLASS_SUFFIX); var hasToStyles = styles.to && Object.keys(styles.to).length > 0; var containsKeyframeAnimation = (options.keyframeStyle || '').length > 0; // there is no way we can trigger an animation if no styles and // no classes are being applied which would then trigger a transition, // unless there a is raw keyframe value that is applied to the element. if (!containsKeyframeAnimation && !hasToStyles && !preparationClasses) { return closeAndReturnNoopAnimator(); } var cacheKey, stagger; if (options.stagger > 0) { var staggerVal = parseFloat(options.stagger); stagger = { transitionDelay: staggerVal, animationDelay: staggerVal, transitionDuration: 0, animationDuration: 0 }; } else { cacheKey = gcsHashFn(node, fullClassName); stagger = computeCachedCssStaggerStyles(node, preparationClasses, cacheKey, DETECT_STAGGER_CSS_PROPERTIES); } if (!options.$$skipPreparationClasses) { $$jqLite.addClass(element, preparationClasses); } var applyOnlyDuration; if (options.transitionStyle) { var transitionStyle = [TRANSITION_PROP, options.transitionStyle]; applyInlineStyle(node, transitionStyle); temporaryStyles.push(transitionStyle); } if (options.duration >= 0) { applyOnlyDuration = node.style[TRANSITION_PROP].length > 0; var durationStyle = getCssTransitionDurationStyle(options.duration, applyOnlyDuration); // we set the duration so that it will be picked up by getComputedStyle later applyInlineStyle(node, durationStyle); temporaryStyles.push(durationStyle); } if (options.keyframeStyle) { var keyframeStyle = [ANIMATION_PROP, options.keyframeStyle]; applyInlineStyle(node, keyframeStyle); temporaryStyles.push(keyframeStyle); } var itemIndex = stagger ? options.staggerIndex >= 0 ? options.staggerIndex : gcsLookup.count(cacheKey) : 0; var isFirst = itemIndex === 0; // this is a pre-emptive way of forcing the setup classes to be added and applied INSTANTLY // without causing any combination of transitions to kick in. By adding a negative delay value // it forces the setup class' transition to end immediately. We later then remove the negative // transition delay to allow for the transition to naturally do it's thing. The beauty here is // that if there is no transition defined then nothing will happen and this will also allow // other transitions to be stacked on top of each other without any chopping them out. if (isFirst && !options.skipBlocking) { blockTransitions(node, SAFE_FAST_FORWARD_DURATION_VALUE); } var timings = computeTimings(node, fullClassName, cacheKey); var relativeDelay = timings.maxDelay; maxDelay = Math.max(relativeDelay, 0); maxDuration = timings.maxDuration; var flags = {}; flags.hasTransitions = timings.transitionDuration > 0; flags.hasAnimations = timings.animationDuration > 0; flags.hasTransitionAll = flags.hasTransitions && timings.transitionProperty == 'all'; flags.applyTransitionDuration = hasToStyles && ( (flags.hasTransitions && !flags.hasTransitionAll) || (flags.hasAnimations && !flags.hasTransitions)); flags.applyAnimationDuration = options.duration && flags.hasAnimations; flags.applyTransitionDelay = truthyTimingValue(options.delay) && (flags.applyTransitionDuration || flags.hasTransitions); flags.applyAnimationDelay = truthyTimingValue(options.delay) && flags.hasAnimations; flags.recalculateTimingStyles = addRemoveClassName.length > 0; if (flags.applyTransitionDuration || flags.applyAnimationDuration) { maxDuration = options.duration ? parseFloat(options.duration) : maxDuration; if (flags.applyTransitionDuration) { flags.hasTransitions = true; timings.transitionDuration = maxDuration; applyOnlyDuration = node.style[TRANSITION_PROP + PROPERTY_KEY].length > 0; temporaryStyles.push(getCssTransitionDurationStyle(maxDuration, applyOnlyDuration)); } if (flags.applyAnimationDuration) { flags.hasAnimations = true; timings.animationDuration = maxDuration; temporaryStyles.push(getCssKeyframeDurationStyle(maxDuration)); } } if (maxDuration === 0 && !flags.recalculateTimingStyles) { return closeAndReturnNoopAnimator(); } if (options.delay != null) { var delayStyle = parseFloat(options.delay); if (flags.applyTransitionDelay) { temporaryStyles.push(getCssDelayStyle(delayStyle)); } if (flags.applyAnimationDelay) { temporaryStyles.push(getCssDelayStyle(delayStyle, true)); } } // we need to recalculate the delay value since we used a pre-emptive negative // delay value and the delay value is required for the final event checking. This // property will ensure that this will happen after the RAF phase has passed. if (options.duration == null && timings.transitionDuration > 0) { flags.recalculateTimingStyles = flags.recalculateTimingStyles || isFirst; } maxDelayTime = maxDelay * ONE_SECOND; maxDurationTime = maxDuration * ONE_SECOND; if (!options.skipBlocking) { flags.blockTransition = timings.transitionDuration > 0; flags.blockKeyframeAnimation = timings.animationDuration > 0 && stagger.animationDelay > 0 && stagger.animationDuration === 0; } applyAnimationFromStyles(element, options); if (flags.blockTransition || flags.blockKeyframeAnimation) { applyBlocking(maxDuration); } else if (!options.skipBlocking) { blockTransitions(node, false); } // TODO(matsko): for 1.5 change this code to have an animator object for better debugging return { $$willAnimate: true, end: endFn, start: function() { if (animationClosed) return; runnerHost = { end: endFn, cancel: cancelFn, resume: null, //this will be set during the start() phase pause: null }; runner = new $$AnimateRunner(runnerHost); waitUntilQuiet(start); // we don't have access to pause/resume the animation // since it hasn't run yet. AnimateRunner will therefore // set noop functions for resume and pause and they will // later be overridden once the animation is triggered return runner; } }; function endFn() { close(); } function cancelFn() { close(true); } function close(rejected) { // jshint ignore:line // if the promise has been called already then we shouldn't close // the animation again if (animationClosed || (animationCompleted && animationPaused)) return; animationClosed = true; animationPaused = false; if (!options.$$skipPreparationClasses) { $$jqLite.removeClass(element, preparationClasses); } $$jqLite.removeClass(element, activeClasses); blockKeyframeAnimations(node, false); blockTransitions(node, false); forEach(temporaryStyles, function(entry) { // There is only one way to remove inline style properties entirely from elements. // By using `removeProperty` this works, but we need to convert camel-cased CSS // styles down to hyphenated values. node.style[entry[0]] = ''; }); applyAnimationClasses(element, options); applyAnimationStyles(element, options); // the reason why we have this option is to allow a synchronous closing callback // that is fired as SOON as the animation ends (when the CSS is removed) or if // the animation never takes off at all. A good example is a leave animation since // the element must be removed just after the animation is over or else the element // will appear on screen for one animation frame causing an overbearing flicker. if (options.onDone) { options.onDone(); } // if the preparation function fails then the promise is not setup if (runner) { runner.complete(!rejected); } } function applyBlocking(duration) { if (flags.blockTransition) { blockTransitions(node, duration); } if (flags.blockKeyframeAnimation) { blockKeyframeAnimations(node, !!duration); } } function closeAndReturnNoopAnimator() { runner = new $$AnimateRunner({ end: endFn, cancel: cancelFn }); // should flush the cache animation waitUntilQuiet(noop); close(); return { $$willAnimate: false, start: function() { return runner; }, end: endFn }; } function start() { if (animationClosed) return; if (!node.parentNode) { close(); return; } var startTime, events = []; // even though we only pause keyframe animations here the pause flag // will still happen when transitions are used. Only the transition will // not be paused since that is not possible. If the animation ends when // paused then it will not complete until unpaused or cancelled. var playPause = function(playAnimation) { if (!animationCompleted) { animationPaused = !playAnimation; if (timings.animationDuration) { var value = blockKeyframeAnimations(node, animationPaused); animationPaused ? temporaryStyles.push(value) : removeFromArray(temporaryStyles, value); } } else if (animationPaused && playAnimation) { animationPaused = false; close(); } }; // checking the stagger duration prevents an accidently cascade of the CSS delay style // being inherited from the parent. If the transition duration is zero then we can safely // rely that the delay value is an intential stagger delay style. var maxStagger = itemIndex > 0 && ((timings.transitionDuration && stagger.transitionDuration === 0) || (timings.animationDuration && stagger.animationDuration === 0)) && Math.max(stagger.animationDelay, stagger.transitionDelay); if (maxStagger) { $timeout(triggerAnimationStart, Math.floor(maxStagger * itemIndex * ONE_SECOND), false); } else { triggerAnimationStart(); } // this will decorate the existing promise runner with pause/resume methods runnerHost.resume = function() { playPause(true); }; runnerHost.pause = function() { playPause(false); }; function triggerAnimationStart() { // just incase a stagger animation kicks in when the animation // itself was cancelled entirely if (animationClosed) return; applyBlocking(false); forEach(temporaryStyles, function(entry) { var key = entry[0]; var value = entry[1]; node.style[key] = value; }); applyAnimationClasses(element, options); $$jqLite.addClass(element, activeClasses); if (flags.recalculateTimingStyles) { fullClassName = node.className + ' ' + preparationClasses; cacheKey = gcsHashFn(node, fullClassName); timings = computeTimings(node, fullClassName, cacheKey); relativeDelay = timings.maxDelay; maxDelay = Math.max(relativeDelay, 0); maxDuration = timings.maxDuration; if (maxDuration === 0) { close(); return; } flags.hasTransitions = timings.transitionDuration > 0; flags.hasAnimations = timings.animationDuration > 0; } if (flags.applyAnimationDelay) { relativeDelay = typeof options.delay !== "boolean" && truthyTimingValue(options.delay) ? parseFloat(options.delay) : relativeDelay; maxDelay = Math.max(relativeDelay, 0); timings.animationDelay = relativeDelay; delayStyle = getCssDelayStyle(relativeDelay, true); temporaryStyles.push(delayStyle); node.style[delayStyle[0]] = delayStyle[1]; } maxDelayTime = maxDelay * ONE_SECOND; maxDurationTime = maxDuration * ONE_SECOND; if (options.easing) { var easeProp, easeVal = options.easing; if (flags.hasTransitions) { easeProp = TRANSITION_PROP + TIMING_KEY; temporaryStyles.push([easeProp, easeVal]); node.style[easeProp] = easeVal; } if (flags.hasAnimations) { easeProp = ANIMATION_PROP + TIMING_KEY; temporaryStyles.push([easeProp, easeVal]); node.style[easeProp] = easeVal; } } if (timings.transitionDuration) { events.push(TRANSITIONEND_EVENT); } if (timings.animationDuration) { events.push(ANIMATIONEND_EVENT); } startTime = Date.now(); var timerTime = maxDelayTime + CLOSING_TIME_BUFFER * maxDurationTime; var endTime = startTime + timerTime; var animationsData = element.data(ANIMATE_TIMER_KEY) || []; var setupFallbackTimer = true; if (animationsData.length) { var currentTimerData = animationsData[0]; setupFallbackTimer = endTime > currentTimerData.expectedEndTime; if (setupFallbackTimer) { $timeout.cancel(currentTimerData.timer); } else { animationsData.push(close); } } if (setupFallbackTimer) { var timer = $timeout(onAnimationExpired, timerTime, false); animationsData[0] = { timer: timer, expectedEndTime: endTime }; animationsData.push(close); element.data(ANIMATE_TIMER_KEY, animationsData); } element.on(events.join(' '), onAnimationProgress); applyAnimationToStyles(element, options); } function onAnimationExpired() { var animationsData = element.data(ANIMATE_TIMER_KEY); for (var i = 1; i < animationsData.length; i++) { animationsData[i](); } element.removeData(ANIMATE_TIMER_KEY); } function onAnimationProgress(event) { event.stopPropagation(); var ev = event.originalEvent || event; var timeStamp = ev.$manualTimeStamp || ev.timeStamp || Date.now(); /* Firefox (or possibly just Gecko) likes to not round values up * when a ms measurement is used for the animation */ var elapsedTime = parseFloat(ev.elapsedTime.toFixed(ELAPSED_TIME_MAX_DECIMAL_PLACES)); /* $manualTimeStamp is a mocked timeStamp value which is set * within browserTrigger(). This is only here so that tests can * mock animations properly. Real events fallback to event.timeStamp, * or, if they don't, then a timeStamp is automatically created for them. * We're checking to see if the timeStamp surpasses the expected delay, * but we're using elapsedTime instead of the timeStamp on the 2nd * pre-condition since animations sometimes close off early */ if (Math.max(timeStamp - startTime, 0) >= maxDelayTime && elapsedTime >= maxDuration) { // we set this flag to ensure that if the transition is paused then, when resumed, // the animation will automatically close itself since transitions cannot be paused. animationCompleted = true; close(); } } } } }]; }];
* ```css
node_stats.go
// Licensed to Elasticsearch B.V. under one or more contributor // license agreements. See the NOTICE file distributed with // this work for additional information regarding copyright // ownership. Elasticsearch B.V. licenses this file to you under // the Apache License, Version 2.0 (the "License"); you may // not use this file except in compliance with the License. // You may obtain a copy of the License at // // http://www.apache.org/licenses/LICENSE-2.0 // // Unless required by applicable law or agreed to in writing, // software distributed under the License is distributed on an // "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY // KIND, either express or implied. See the License for the // specific language governing permissions and limitations // under the License. package node_stats import ( "net/url" "github.com/elastic/beats/v7/metricbeat/mb" "github.com/elastic/beats/v7/metricbeat/mb/parse" "github.com/elastic/beats/v7/metricbeat/module/logstash" ) // init registers the MetricSet with the central registry. // The New method will be called after the setup of the module and before starting to fetch data func init() { mb.Registry.MustAddMetricSet(logstash.ModuleName, "node_stats", New, mb.WithHostParser(hostParser), mb.WithNamespace("logstash.node.stats"), mb.DefaultMetricSet(), ) } const ( nodeStatsPath = "/_node/stats" ) var ( hostParser = parse.URLHostParserBuilder{ DefaultScheme: "http", PathConfigKey: "path", DefaultPath: nodeStatsPath, }.Build() ) // MetricSet type defines all fields of the MetricSet type MetricSet struct { *logstash.MetricSet } // New create a new instance of the MetricSet func New(base mb.BaseMetricSet) (mb.MetricSet, error) { ms, err := logstash.NewMetricSet(base) if err != nil { return nil, err } return &MetricSet{ MetricSet: ms, }, nil } // Fetch methods implements the data gathering and data conversion to the right format // It returns the event which is then forward to the output. In case of an error, a // descriptive error must be returned. func (m *MetricSet) Fetch(r mb.ReporterV2) error { if err := m.updateServiceURI(); err != nil { return err } content, err := m.HTTP.FetchContent() if err != nil { return err
return err } return nil } func (m *MetricSet) updateServiceURI() error { u, err := getServiceURI(m.GetURI(), m.CheckPipelineGraphAPIsAvailable) if err != nil { return err } m.HTTP.SetURI(u) return nil } func getServiceURI(currURI string, graphAPIsAvailable func() error) (string, error) { if err := graphAPIsAvailable(); err != nil { return "", err } u, err := url.Parse(currURI) if err != nil { return "", err } q := u.Query() if q.Get("vertices") == "" { q.Set("vertices", "true") } u.RawQuery = q.Encode() return u.String(), nil }
} if err = eventMapping(r, content, m.XPackEnabled); err != nil {
comm.rs
// Copyright 2012-2013 The Rust Project Developers. See the COPYRIGHT // file at the top-level directory of this distribution and at // http://rust-lang.org/COPYRIGHT. // // Licensed under the Apache License, Version 2.0 <LICENSE-APACHE or // http://www.apache.org/licenses/LICENSE-2.0> or the MIT license // <LICENSE-MIT or http://opensource.org/licenses/MIT>, at your // option. This file may not be copied, modified, or distributed // except according to those terms. /*! Higher level communication abstractions. */ #[allow(missing_doc)]; use std::comm; /// An extension of `pipes::stream` that allows both sending and receiving. pub struct DuplexStream<T, U> { priv tx: Sender<T>, priv rx: Receiver<U>, } /// Creates a bidirectional stream. pub fn duplex<T: Send, U: Send>() -> (DuplexStream<T, U>, DuplexStream<U, T>) { let (tx1, rx1) = channel(); let (tx2, rx2) = channel(); (DuplexStream { tx: tx1, rx: rx2 }, DuplexStream { tx: tx2, rx: rx1 }) } // Allow these methods to be used without import: impl<T:Send,U:Send> DuplexStream<T, U> { pub fn send(&self, x: T) { self.tx.send(x) } pub fn try_send(&self, x: T) -> bool { self.tx.try_send(x) } pub fn recv(&self) -> U { self.rx.recv() } pub fn try_recv(&self) -> comm::TryRecvResult<U> { self.rx.try_recv() } pub fn recv_opt(&self) -> Option<U> { self.rx.recv_opt() } } /// An extension of `pipes::stream` that provides synchronous message sending. pub struct SyncSender<T> { priv duplex_stream: DuplexStream<T, ()> } /// An extension of `pipes::stream` that acknowledges each message received. pub struct SyncReceiver<T> { priv duplex_stream: DuplexStream<(), T> } impl<T: Send> SyncSender<T> { pub fn send(&self, val: T) { assert!(self.try_send(val), "SyncSender.send: receiving port closed"); } /// Sends a message, or report if the receiver has closed the connection /// before receiving. pub fn try_send(&self, val: T) -> bool { self.duplex_stream.try_send(val) && self.duplex_stream.recv_opt().is_some() } } impl<T: Send> SyncReceiver<T> { pub fn recv(&self) -> T { self.recv_opt().expect("SyncReceiver.recv: sending channel closed") } pub fn recv_opt(&self) -> Option<T> { self.duplex_stream.recv_opt().map(|val| { self.duplex_stream.try_send(()); val }) } pub fn try_recv(&self) -> comm::TryRecvResult<T> { match self.duplex_stream.try_recv() { comm::Data(t) => { self.duplex_stream.try_send(()); comm::Data(t) } state => state, } } } /// Creates a stream whose channel, upon sending a message, blocks until the /// message is received. pub fn rendezvous<T: Send>() -> (SyncReceiver<T>, SyncSender<T>) { let (chan_stream, port_stream) = duplex(); (SyncReceiver { duplex_stream: port_stream }, SyncSender { duplex_stream: chan_stream }) } #[cfg(test)] mod test { use comm::{duplex, rendezvous}; #[test] pub fn DuplexStream1() { let (left, right) = duplex(); left.send(~"abc"); right.send(123); assert!(left.recv() == 123); assert!(right.recv() == ~"abc"); } #[test] pub fn basic_rendezvous_test() { let (port, chan) = rendezvous(); spawn(proc() { chan.send("abc"); }); assert!(port.recv() == "abc"); } #[test] fn recv_a_lot() { // Rendezvous streams should be able to handle any number of messages being sent let (port, chan) = rendezvous(); spawn(proc() { for _ in range(0, 10000) { chan.send(()); } }); for _ in range(0, 10000) { port.recv(); } } #[test] fn send_and_fail_and_try_recv() { let (port, chan) = rendezvous(); spawn(proc() { chan.duplex_stream.send(()); // Can't access this field outside this module fail!() }); port.recv() } #[test] fn try_send_and_recv_then_fail_before_ack() { let (port, chan) = rendezvous(); spawn(proc() { port.duplex_stream.recv(); fail!() }); chan.try_send(()); } #[test] #[should_fail] fn send_and_recv_then_fail_before_ack()
}
{ let (port, chan) = rendezvous(); spawn(proc() { port.duplex_stream.recv(); fail!() }); chan.send(()); }
test.TestNull.go
//------------------------------------------------------------------------------ // <auto-generated> // This code was generated by a tool. // Changes to this file may cause incorrect behavior and will be lost if // the code is regenerated. // </auto-generated> //------------------------------------------------------------------------------ package cfg import "errors" type TestTestNull struct { Id int32 X1 *int32 X2 *int32 X3 *TestDemoType1 X4 interface{} S1 *string S2 *string } const TypeId_TestTestNull = 339868469 func (*TestTestNull) GetTypeId() int32 { return 339868469 } func (_v *TestTestNull)Deserialize(_buf map[string]interface{}) (err error) { { var _ok_ bool; var _tempNum_ float64; if _tempNum_, _ok_ = _buf["id"].(float64); !_ok_ { err = errors.New("id error"); return }; _v.Id = int32(_tempNum_) } { var _ok_ bool; var __json_x1__ interface{}; if __json_x1__, _ok_ = _buf["x1"]; !_ok_ || __json_x1__ == nil { _v.X1 = nil } else { var __x__ int32; { var _ok_ bool; var _x_ float64; if _x_, _ok_ = __json_x1__.(float64); !_ok_ { err = errors.New("__x__ error"); return }; __x__ = int32(_x_) }; _v.X1 = &__x__ }} { var _ok_ bool; var __json_x2__ interface{}; if __json_x2__, _ok_ = _buf["x2"]; !_ok_ || __json_x2__ == nil { _v.X2 = nil } else { var __x__ int32; { var _ok_ bool; var _x_ float64; if _x_, _ok_ = __json_x2__.(float64); !_ok_ { err = errors.New("__x__ error"); return }; __x__ = int32(_x_) }; _v.X2 = &__x__ }} { var _ok_ bool; var __json_x3__ interface{}; if __json_x3__, _ok_ = _buf["x3"]; !_ok_ || __json_x3__ == nil { _v.X3 = nil } else { var __x__ *TestDemoType1; { var _ok_ bool; var _x_ map[string]interface{}; if _x_, _ok_ = __json_x3__.(map[string]interface{}); !_ok_ { err = errors.New("__x__ error"); return }; if __x__, err = DeserializeTestDemoType1(_x_); err != nil { return } }; _v.X3 = __x__ }} { var _ok_ bool; var __json_x4__ interface{}; if __json_x4__, _ok_ = _buf["x4"]; !_ok_ || __json_x4__ == nil
else { var __x__ interface{}; { var _ok_ bool; var _x_ map[string]interface{}; if _x_, _ok_ = __json_x4__.(map[string]interface{}); !_ok_ { err = errors.New("__x__ error"); return }; if __x__, err = DeserializeTestDemoDynamic(_x_); err != nil { return } }; _v.X4 = __x__ }} { var _ok_ bool; var __json_s1__ interface{}; if __json_s1__, _ok_ = _buf["s1"]; !_ok_ || __json_s1__ == nil { _v.S1 = nil } else { var __x__ string; { if __x__, _ok_ = __json_s1__.(string); !_ok_ { err = errors.New("__x__ error"); return } }; _v.S1 = &__x__ }} { var _ok_ bool; var __json_s2__ interface{}; if __json_s2__, _ok_ = _buf["s2"]; !_ok_ || __json_s2__ == nil { _v.S2 = nil } else { var __x__ string; {var _ok_ bool; var __json_text__ map[string]interface{}; if __json_text__, _ok_ = __json_s2__.(map[string]interface{}) ; !_ok_ { err = errors.New("__x__ error"); return }; { if _, _ok_ = __json_text__["key"].(string); !_ok_ { err = errors.New("_ error"); return } }; { if __x__, _ok_ = __json_text__["text"].(string); !_ok_ { err = errors.New("__x__ error"); return } } }; _v.S2 = &__x__ }} return } func DeserializeTestTestNull(_buf map[string]interface{}) (*TestTestNull, error) { v := &TestTestNull{} if err := v.Deserialize(_buf); err == nil { return v, nil } else { return nil, err } }
{ _v.X4 = nil }
call_for_papers.py
# This file is part of Indico. # Copyright (C) 2002 - 2020 CERN # # Indico is free software; you can redistribute it and/or # modify it under the terms of the MIT License; see the # LICENSE file for more details. from __future__ import unicode_literals from indico.modules.events.papers.models.competences import PaperCompetence from indico.modules.events.papers.models.reviews import PaperReviewType from indico.modules.events.papers.settings import PaperReviewingRole, paper_reviewing_settings from indico.modules.events.settings import EventSettingProperty from indico.util.caching import memoize_request from indico.util.date_time import now_utc from indico.util.string import MarkdownText, return_ascii class CallForPapers(object): """Proxy class to facilitate access to the call for papers settings""" def __init__(self, event): self.event = event @return_ascii def __repr__(self): return '<CallForPapers({}, start_dt={}, end_dt={})>'.format(self.event.id, self.start_dt, self.end_dt) start_dt = EventSettingProperty(paper_reviewing_settings, 'start_dt') end_dt = EventSettingProperty(paper_reviewing_settings, 'end_dt') content_reviewing_enabled = EventSettingProperty(paper_reviewing_settings, 'content_reviewing_enabled') layout_reviewing_enabled = EventSettingProperty(paper_reviewing_settings, 'layout_reviewing_enabled') judge_deadline = EventSettingProperty(paper_reviewing_settings, 'judge_deadline') layout_reviewer_deadline = EventSettingProperty(paper_reviewing_settings, 'layout_reviewer_deadline') content_reviewer_deadline = EventSettingProperty(paper_reviewing_settings, 'content_reviewer_deadline') @property def has_started(self): return self.start_dt is not None and self.start_dt <= now_utc() @property def has_ended(self): return self.end_dt is not None and self.end_dt <= now_utc() @property def is_open(self): return self.has_started and not self.has_ended def schedule(self, start_dt, end_dt): paper_reviewing_settings.set_multi(self.event, { 'start_dt': start_dt, 'end_dt': end_dt }) def open(self): if self.has_ended: paper_reviewing_settings.set(self.event, 'end_dt', None) else: paper_reviewing_settings.set(self.event, 'start_dt', now_utc(False)) def close(self): paper_reviewing_settings.set(self.event, 'end_dt', now_utc(False)) def set_reviewing_state(self, reviewing_type, enable): if reviewing_type == PaperReviewType.content: self.content_reviewing_enabled = enable elif reviewing_type == PaperReviewType.layout: self.layout_reviewing_enabled = enable else: raise ValueError('Invalid reviewing type: {}'.format(reviewing_type)) def get_reviewing_state(self, reviewing_type): if reviewing_type == PaperReviewType.content: return self.content_reviewing_enabled elif reviewing_type == PaperReviewType.layout: return self.layout_reviewing_enabled else: raise ValueError('Invalid reviewing type: {}'.format(reviewing_type)) @property def managers(self): return {p.principal for p in self.event.acl_entries if p.has_management_permission('paper_manager', explicit=True)}
if p.has_management_permission('paper_judge', explicit=True)} @property def content_reviewers(self): return {p.principal for p in self.event.acl_entries if p.has_management_permission('paper_content_reviewer', explicit=True)} @property def layout_reviewers(self): return {p.principal for p in self.event.acl_entries if p.has_management_permission('paper_layout_reviewer', explicit=True)} @property def content_review_questions(self): return [q for q in self.event.paper_review_questions if q.type == PaperReviewType.content] @property def layout_review_questions(self): return [q for q in self.event.paper_review_questions if q.type == PaperReviewType.layout] @property def assignees(self): users = set(self.judges) if self.content_reviewing_enabled: users |= self.content_reviewers if self.layout_reviewing_enabled: users |= self.layout_reviewers return users @property @memoize_request def user_competences(self): user_ids = {user.id for user in self.event.cfp.assignees} user_competences = (PaperCompetence.query.with_parent(self.event) .filter(PaperCompetence.user_id.in_(user_ids)) .all()) return {competences.user_id: competences for competences in user_competences} @property def announcement(self): return MarkdownText(paper_reviewing_settings.get(self.event, 'announcement')) def get_questions_for_review_type(self, review_type): return (self.content_review_questions if review_type == PaperReviewType.content else self.layout_review_questions) @property def rating_range(self): return tuple(paper_reviewing_settings.get(self.event, key) for key in ('scale_lower', 'scale_upper')) def is_staff(self, user): return self.is_manager(user) or self.is_judge(user) or self.is_reviewer(user) def is_manager(self, user): return self.event.can_manage(user, permission='paper_manager') def is_judge(self, user): return self.event.can_manage(user, permission='paper_judge', explicit_permission=True) def is_reviewer(self, user, role=None): if role: enabled = { PaperReviewingRole.content_reviewer: self.content_reviewing_enabled, PaperReviewingRole.layout_reviewer: self.layout_reviewing_enabled, } return enabled[role] and self.event.can_manage(user, permission=role.acl_permission, explicit_permission=True) else: return (self.is_reviewer(user, PaperReviewingRole.content_reviewer) or self.is_reviewer(user, PaperReviewingRole.layout_reviewer)) def can_access_reviewing_area(self, user): return self.is_staff(user) def can_access_judging_area(self, user): return self.is_manager(user) or self.is_judge(user)
@property def judges(self): return {p.principal for p in self.event.acl_entries
allocators.rs
// Copyright 2022 Google LLC // // Licensed under the Apache License, Version 2.0 <LICENSE-APACHE or // https://www.apache.org/licenses/LICENSE-2.0> or the MIT license // <LICENSE-MIT or https://opensource.org/licenses/MIT>, at your // option. This file may not be copied, modified, or distributed // except according to those terms. //! Code to create functions to alloc and free while unitialized. use syn::{parse_quote, punctuated::Punctuated, token::Comma, FnArg, ReturnType}; use crate::{ conversion::{ api::{Api, ApiName, CppVisibility, FuncToConvert, Provenance, References, TraitSynthesis}, apivec::ApiVec, }, types::{make_ident, QualifiedName}, }; use super::{ fun::function_wrapper::{CppFunctionBody, CppFunctionKind}, pod::PodPhase, }; pub(crate) fn create_alloc_and_frees(apis: ApiVec<PodPhase>) -> ApiVec<PodPhase> { apis.into_iter() .flat_map(|api| -> Box<dyn Iterator<Item = Api<PodPhase>>> { match &api { Api::Struct { name, .. } =>
Api::Subclass { name, .. } => { Box::new(create_alloc_and_free(name.cpp()).chain(std::iter::once(api))) } _ => Box::new(std::iter::once(api)), } }) .collect() } fn create_alloc_and_free(ty_name: QualifiedName) -> impl Iterator<Item = Api<PodPhase>> { let typ = ty_name.to_type_path(); let free_inputs: Punctuated<FnArg, Comma> = parse_quote! { arg0: *mut #typ }; let alloc_return: ReturnType = parse_quote! { -> *mut #typ }; [ ( TraitSynthesis::AllocUninitialized(ty_name.clone()), get_alloc_name(&ty_name), Punctuated::new(), alloc_return, CppFunctionBody::AllocUninitialized(ty_name.clone()), ), ( TraitSynthesis::FreeUninitialized(ty_name.clone()), get_free_name(&ty_name), free_inputs, ReturnType::Default, CppFunctionBody::FreeUninitialized(ty_name.clone()), ), ] .into_iter() .map( move |(synthesis, name, inputs, output, cpp_function_body)| { let ident = name.get_final_ident(); let api_name = ApiName::new_from_qualified_name(name); Api::Function { name: api_name, fun: Box::new(FuncToConvert { ident, doc_attr: None, inputs, output, vis: parse_quote! { pub }, virtualness: crate::conversion::api::Virtualness::None, cpp_vis: CppVisibility::Public, special_member: None, unused_template_param: false, references: References::default(), original_name: None, self_ty: None, synthesized_this_type: None, synthetic_cpp: Some((cpp_function_body, CppFunctionKind::Function)), add_to_trait: Some(synthesis), is_deleted: false, provenance: Provenance::SynthesizedOther, }), analysis: (), } }, ) } pub(crate) fn get_alloc_name(ty_name: &QualifiedName) -> QualifiedName { get_name(ty_name, "alloc") } pub(crate) fn get_free_name(ty_name: &QualifiedName) -> QualifiedName { get_name(ty_name, "free") } fn get_name(ty_name: &QualifiedName, label: &str) -> QualifiedName { let name = format!("{}_{}", ty_name.get_final_item(), label); let name_id = make_ident(name); QualifiedName::new(ty_name.get_namespace(), name_id) }
{ Box::new(create_alloc_and_free(name.name.clone()).chain(std::iter::once(api))) }
modules.py
# -*- coding: utf-8 -*- # # This file is licensed under the Apache License, Version 2.0 # (the "License"); you may not use this file except in compliance with
# # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. from smv import * class ModWithUnicode(SmvModule): def requiresDS(self): return [] def run(self, i): unicode_str = "哈哈" return self.smvApp.createDF("a:String", unicode_str)
# the License. You may obtain a copy of the License at
StringUtil.ts
import StringBuilder from './StringBuilder'; const C_ESC_CHAR = '\'"`\\\b\f\n\r\t'; const C_ESC_SYMB = '\'"`\\bfnrt'; const MIN_PRINTABLE_CHAR = ' '; export default class
{ public static isJavaIdentifier(str?: string | null): boolean { if (str == null || str.length < 1) return false; return !!str.match('^[a-zA-Z_$][0-9a-zA-Z_$]*$'); } /** * Escape a String using the C style * e.g. for string "It's a example" escape to "It\'s a example"); * This is used by (Java/Javascript/C/C++)Code generator * * @param str the string to be escaped * @param quoteChar The quote char * @return The escaped String */ public static cEscape(str: string | null = '', quoteChar = '"'): string | null { if (!str) return str; // First scan to check if it needs escape just to avoid create new String object for better performance. for (let i = 0; ; i++) { if (i === str.length) return str; const c = str.charAt(i); if (c < MIN_PRINTABLE_CHAR || C_ESC_CHAR.indexOf(c) >= 0) break; } // Second scan, Do escape const result = new StringBuilder(); for (let i = 0; i < str.length; i++) { const c = str.charAt(i); // check if it's a special printable char const idx = C_ESC_CHAR.indexOf(c); if (idx >= 3 || quoteChar === c) { // first 3 chars are quote chars result.append('\\'); result.append(C_ESC_SYMB.charAt(idx)); } else if (c < MIN_PRINTABLE_CHAR) { // check if it's a un-printable char result.append('\\u'); result.append(c.charCodeAt(0).toString(16).padStart(4, '0')); } else result.append(c); } return result.toString(); } public static repeat(str: string, times: number): string { return ''.padEnd(str.length * times, str); } public static contains(str: string, pattern: string): boolean { return str.indexOf(pattern) >= 0; } }
StringUtil
malevolent.rs
use rand::prelude::*; macro_rules! random_choice { ($self_:ident, $a:ident) => { if $self_.$a.len() > 0 { let mut rng = thread_rng(); let choice = rng.gen_range(0, $self_.$a.len()); $self_.$a[choice].to_owned() } else { String::default() } }; } #[derive(Debug, Default, Clone, Deserialize)] pub struct Malevolent { pub prefixes: Vec<String>, pub male_suffixes: Vec<String>, pub female_suffixes: Vec<String>, } impl Malevolent { pub fn random_prefix(&self) -> String { random_choice!(self, prefixes) } pub fn
(&self) -> String { random_choice!(self, male_suffixes) } pub fn random_female_suffix(&self) -> String { random_choice!(self, female_suffixes) } }
random_male_suffix
download_model.py
#Download pretrained model import os import sys import urllib2 def main(argv): OUTPUT_PATH="./pretrain/" if not os.path.isdir(OUTPUT_PATH):
with open(OUTPUT_PATH+'agegender_age101_squeezenet.hdf5','wb') as f: f.write(urllib2.urlopen("http://www.abars.biz/keras/agegender_age101_squeezenet.hdf5").read()) f.close() with open(OUTPUT_PATH+'agegender_gender_squeezenet.hdf5','wb') as f: f.write(urllib2.urlopen("http://www.abars.biz/keras/agegender_gender_squeezenet.hdf5").read()) f.close() with open(OUTPUT_PATH+'yolov2_tiny-face.h5','wb') as f: f.write(urllib2.urlopen("http://www.abars.biz/keras/yolov2_tiny-face.h5").read()) f.close() if __name__=='__main__': main(sys.argv[1:])
os.mkdir(OUTPUT_PATH)
stir.rs
#[doc = "Register `STIR` reader"] pub struct R(crate::R<STIR_SPEC>); impl core::ops::Deref for R {
#[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } impl From<crate::R<STIR_SPEC>> for R { #[inline(always)] fn from(reader: crate::R<STIR_SPEC>) -> Self { R(reader) } } #[doc = "Register `STIR` writer"] pub struct W(crate::W<STIR_SPEC>); impl core::ops::Deref for W { type Target = crate::W<STIR_SPEC>; #[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } impl core::ops::DerefMut for W { #[inline(always)] fn deref_mut(&mut self) -> &mut Self::Target { &mut self.0 } } impl From<crate::W<STIR_SPEC>> for W { #[inline(always)] fn from(writer: crate::W<STIR_SPEC>) -> Self { W(writer) } } #[doc = "Field `INTID` reader - Software generated interrupt ID"] pub struct INTID_R(crate::FieldReader<u16, u16>); impl INTID_R { #[inline(always)] pub(crate) fn new(bits: u16) -> Self { INTID_R(crate::FieldReader::new(bits)) } } impl core::ops::Deref for INTID_R { type Target = crate::FieldReader<u16, u16>; #[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } #[doc = "Field `INTID` writer - Software generated interrupt ID"] pub struct INTID_W<'a> { w: &'a mut W, } impl<'a> INTID_W<'a> { #[doc = r"Writes raw bits to the field"] #[inline(always)] pub unsafe fn bits(self, value: u16) -> &'a mut W { self.w.bits = (self.w.bits & !0x01ff) | (value as u32 & 0x01ff); self.w } } impl R { #[doc = "Bits 0:8 - Software generated interrupt ID"] #[inline(always)] pub fn intid(&self) -> INTID_R { INTID_R::new((self.bits & 0x01ff) as u16) } } impl W { #[doc = "Bits 0:8 - Software generated interrupt ID"] #[inline(always)] pub fn intid(&mut self) -> INTID_W { INTID_W { w: self } } #[doc = "Writes raw bits to the register."] #[inline(always)] pub unsafe fn bits(&mut self, bits: u32) -> &mut Self { self.0.bits(bits); self } } #[doc = "Software trigger interrupt register\n\nThis register you can [`read`](crate::generic::Reg::read), [`write_with_zero`](crate::generic::Reg::write_with_zero), [`reset`](crate::generic::Reg::reset), [`write`](crate::generic::Reg::write), [`modify`](crate::generic::Reg::modify). See [API](https://docs.rs/svd2rust/#read--modify--write-api).\n\nFor information about available fields see [stir](index.html) module"] pub struct STIR_SPEC; impl crate::RegisterSpec for STIR_SPEC { type Ux = u32; } #[doc = "`read()` method returns [stir::R](R) reader structure"] impl crate::Readable for STIR_SPEC { type Reader = R; } #[doc = "`write(|w| ..)` method takes [stir::W](W) writer structure"] impl crate::Writable for STIR_SPEC { type Writer = W; } #[doc = "`reset()` method sets STIR to value 0"] impl crate::Resettable for STIR_SPEC { #[inline(always)] fn reset_value() -> Self::Ux { 0 } }
type Target = crate::R<STIR_SPEC>;
PanResponder.js
/** * @providesModule PanResponder */ "use strict"; var TouchHistoryMath = require('TouchHistoryMath'); var currentCentroidXOfTouchesChangedAfter = TouchHistoryMath.currentCentroidXOfTouchesChangedAfter; var currentCentroidYOfTouchesChangedAfter = TouchHistoryMath.currentCentroidYOfTouchesChangedAfter; var previousCentroidXOfTouchesChangedAfter = TouchHistoryMath.previousCentroidXOfTouchesChangedAfter; var previousCentroidYOfTouchesChangedAfter = TouchHistoryMath.previousCentroidYOfTouchesChangedAfter; var currentCentroidX = TouchHistoryMath.currentCentroidX; var currentCentroidY = TouchHistoryMath.currentCentroidY; /** * `PanResponder` reconciles several touches into a single gesture. It makes * single-touch gestures resilient to extra touches, and can be used to * recognize simple multi-touch gestures. * * It provides a predictable wrapper of the responder handlers provided by the * [gesture responder system](/react-native/docs/gesture-responder-system.html). * For each handler, it provides a new `gestureState` object alongside the * normal event. * * A `gestureState` object has the following: * * - `stateID` - ID of the gestureState- persisted as long as there at least * one touch on screen * - `moveX` - the latest screen coordinates of the recently-moved touch * - `moveY` - the latest screen coordinates of the recently-moved touch * - `x0` - the screen coordinates of the responder grant * - `y0` - the screen coordinates of the responder grant * - `dx` - accumulated distance of the gesture since the touch started * - `dy` - accumulated distance of the gesture since the touch started * - `vx` - current velocity of the gesture * - `vy` - current velocity of the gesture * - `numberActiveTouches` - Number of touches currently on screeen * * ### Basic Usage * * ``` * componentWillMount: function() { * this._panResponder = PanResponder.create({ * // Ask to be the responder: * onStartShouldSetPanResponder: (evt, gestureState) => true, * onStartShouldSetPanResponderCapture: (evt, gestureState) => true, * onMoveShouldSetPanResponder: (evt, gestureState) => true, * onMoveShouldSetPanResponderCapture: (evt, gestureState) => true, * * onPanResponderGrant: (evt, gestureState) => { * // The guesture has started. Show visual feedback so the user knows * // what is happening! * * // gestureState.{x,y}0 will be set to zero now * }, * onPanResponderMove: (evt, gestureState) => { * // The most recent move distance is gestureState.move{X,Y} * * // The accumulated gesture distance since becoming responder is * // gestureState.d{x,y} * }, * onPanResponderTerminationRequest: (evt, gestureState) => true, * onPanResponderRelease: (evt, gestureState) => { * // The user has released all touches while this view is the * // responder. This typically means a gesture has succeeded * }, * onPanResponderTerminate: (evt, gestureState) => { * // Another component has become the responder, so this gesture * // should be cancelled * }, * onShouldBlockNativeResponder: (evt, gestureState) => { * // Returns whether this component should block native components from becoming the JS * // responder. Returns true by default. Is currently only supported on android. * return true; * }, * }); * }, * * render: function() { * return ( * <View {...this._panResponder.panHandlers} /> * ); * }, * * ``` * * ### Working Example * * To see it in action, try the * [PanResponder example in UIExplorer](https://github.com/facebook/react-native/blob/master/Examples/UIExplorer/PanResponderExample.js) */ var PanResponder = { /** * * A graphical explanation of the touch data flow: * * +----------------------------+ +--------------------------------+ * | ResponderTouchHistoryStore | |TouchHistoryMath | * +----------------------------+ +----------+---------------------+ * |Global store of touchHistory| |Allocation-less math util | * |including activeness, start | |on touch history (centroids | * |position, prev/cur position.| |and multitouch movement etc) | * | | | | * +----^-----------------------+ +----^---------------------------+ * | | * | (records relevant history | * | of touches relevant for | * | implementing higher level | * | gestures) | * | | * +----+-----------------------+ +----|---------------------------+ * | ResponderEventPlugin | | | Your App/Component | * +----------------------------+ +----|---------------------------+ * |Negotiates which view gets | Low level | | High level | * |onResponderMove events. | events w/ | +-+-------+ events w/ | * |Also records history into | touchHistory| | Pan | multitouch + | * |ResponderTouchHistoryStore. +---------------->Responder+-----> accumulative| * +----------------------------+ attached to | | | distance and | * each event | +---------+ velocity. | * | | * | | * +--------------------------------+ * * * * Gesture that calculates cumulative movement over time in a way that just * "does the right thing" for multiple touches. The "right thing" is very
* touch moves fives in the same direction, the cumulative distance is ten. * * This logic requires a kind of processing of time "clusters" of touch events * so that two touch moves that essentially occur in parallel but move every * other frame respectively, are considered part of the same movement. * * Explanation of some of the non-obvious fields: * * - moveX/moveY: If no move event has been observed, then `(moveX, moveY)` is * invalid. If a move event has been observed, `(moveX, moveY)` is the * centroid of the most recently moved "cluster" of active touches. * (Currently all move have the same timeStamp, but later we should add some * threshold for what is considered to be "moving"). If a palm is * accidentally counted as a touch, but a finger is moving greatly, the palm * will move slightly, but we only want to count the single moving touch. * - x0/y0: Centroid location (non-cumulative) at the time of becoming * responder. * - dx/dy: Cumulative touch distance - not the same thing as sum of each touch * distance. Accounts for touch moves that are clustered together in time, * moving the same direction. Only valid when currently responder (otherwise, * it only represents the drag distance below the threshold). * - vx/vy: Velocity. */ _initializeGestureState: function(gestureState) { gestureState.moveX = 0; gestureState.moveY = 0; gestureState.x0 = 0; gestureState.y0 = 0; gestureState.dx = 0; gestureState.dy = 0; gestureState.vx = 0; gestureState.vy = 0; gestureState.numberActiveTouches = 0; // All `gestureState` accounts for timeStamps up until: gestureState._accountsForMovesUpTo = 0; }, /** * This is nuanced and is necessary. It is incorrect to continuously take all * active *and* recently moved touches, find the centroid, and track how that * result changes over time. Instead, we must take all recently moved * touches, and calculate how the centroid has changed just for those * recently moved touches, and append that change to an accumulator. This is * to (at least) handle the case where the user is moving three fingers, and * then one of the fingers stops but the other two continue. * * This is very different than taking all of the recently moved touches and * storing their centroid as `dx/dy`. For correctness, we must *accumulate * changes* in the centroid of recently moved touches. * * There is also some nuance with how we handle multiple moved touches in a * single event. With the way `ReactNativeEventEmitter` dispatches touches as * individual events, multiple touches generate two 'move' events, each of * them triggering `onResponderMove`. But with the way `PanResponder` works, * all of the gesture inference is performed on the first dispatch, since it * looks at all of the touches (even the ones for which there hasn't been a * native dispatch yet). Therefore, `PanResponder` does not call * `onResponderMove` passed the first dispatch. This diverges from the * typical responder callback pattern (without using `PanResponder`), but * avoids more dispatches than necessary. */ _updateGestureStateOnMove: function(gestureState, touchHistory) { gestureState.numberActiveTouches = touchHistory.numberActiveTouches; gestureState.moveX = currentCentroidXOfTouchesChangedAfter( touchHistory, gestureState._accountsForMovesUpTo ); gestureState.moveY = currentCentroidYOfTouchesChangedAfter( touchHistory, gestureState._accountsForMovesUpTo ); var movedAfter = gestureState._accountsForMovesUpTo; var prevX = previousCentroidXOfTouchesChangedAfter(touchHistory, movedAfter); var x = currentCentroidXOfTouchesChangedAfter(touchHistory, movedAfter); var prevY = previousCentroidYOfTouchesChangedAfter(touchHistory, movedAfter); var y = currentCentroidYOfTouchesChangedAfter(touchHistory, movedAfter); var nextDX = gestureState.dx + (x - prevX); var nextDY = gestureState.dy + (y - prevY); // TODO: This must be filtered intelligently. var dt = (touchHistory.mostRecentTimeStamp - gestureState._accountsForMovesUpTo); gestureState.vx = (nextDX - gestureState.dx) / dt; gestureState.vy = (nextDY - gestureState.dy) / dt; gestureState.dx = nextDX; gestureState.dy = nextDY; gestureState._accountsForMovesUpTo = touchHistory.mostRecentTimeStamp; }, /** * @param {object} config Enhanced versions of all of the responder callbacks * that provide not only the typical `ResponderSyntheticEvent`, but also the * `PanResponder` gesture state. Simply replace the word `Responder` with * `PanResponder` in each of the typical `onResponder*` callbacks. For * example, the `config` object would look like: * * - `onMoveShouldSetPanResponder: (e, gestureState) => {...}` * - `onMoveShouldSetPanResponderCapture: (e, gestureState) => {...}` * - `onStartShouldSetPanResponder: (e, gestureState) => {...}` * - `onStartShouldSetPanResponderCapture: (e, gestureState) => {...}` * - `onPanResponderReject: (e, gestureState) => {...}` * - `onPanResponderGrant: (e, gestureState) => {...}` * - `onPanResponderStart: (e, gestureState) => {...}` * - `onPanResponderEnd: (e, gestureState) => {...}` * - `onPanResponderRelease: (e, gestureState) => {...}` * - `onPanResponderMove: (e, gestureState) => {...}` * - `onPanResponderTerminate: (e, gestureState) => {...}` * - `onPanResponderTerminationRequest: (e, gestureState) => {...}` * - `onShouldBlockNativeResponder: (e, gestureState) => {...}` * * In general, for events that have capture equivalents, we update the * gestureState once in the capture phase and can use it in the bubble phase * as well. * * Be careful with onStartShould* callbacks. They only reflect updated * `gestureState` for start/end events that bubble/capture to the Node. * Once the node is the responder, you can rely on every start/end event * being processed by the gesture and `gestureState` being updated * accordingly. (numberActiveTouches) may not be totally accurate unless you * are the responder. */ create: function(config) { var gestureState = { // Useful for debugging stateID: Math.random(), }; PanResponder._initializeGestureState(gestureState); var panHandlers = { onStartShouldSetResponder: function(e) { return config.onStartShouldSetPanResponder === undefined ? false : config.onStartShouldSetPanResponder(e, gestureState); }, onMoveShouldSetResponder: function(e) { return config.onMoveShouldSetPanResponder === undefined ? false : config.onMoveShouldSetPanResponder(e, gestureState); }, onStartShouldSetResponderCapture: function(e) { // TODO: Actually, we should reinitialize the state any time // touches.length increases from 0 active to > 0 active. if (e.nativeEvent.touches.length === 1) { PanResponder._initializeGestureState(gestureState); } gestureState.numberActiveTouches = e.touchHistory.numberActiveTouches; return config.onStartShouldSetPanResponderCapture !== undefined ? config.onStartShouldSetPanResponderCapture(e, gestureState) : false; }, onMoveShouldSetResponderCapture: function(e) { var touchHistory = e.touchHistory; // Responder system incorrectly dispatches should* to current responder // Filter out any touch moves past the first one - we would have // already processed multi-touch geometry during the first event. if (gestureState._accountsForMovesUpTo === touchHistory.mostRecentTimeStamp) { return false; } PanResponder._updateGestureStateOnMove(gestureState, touchHistory); return config.onMoveShouldSetPanResponderCapture ? config.onMoveShouldSetPanResponderCapture(e, gestureState) : false; }, onResponderGrant: function(e) { gestureState.x0 = currentCentroidX(e.touchHistory); gestureState.y0 = currentCentroidY(e.touchHistory); gestureState.dx = 0; gestureState.dy = 0; config.onPanResponderGrant && config.onPanResponderGrant(e, gestureState); // TODO: t7467124 investigate if this can be removed return config.onShouldBlockNativeResponder === undefined ? true : config.onShouldBlockNativeResponder(); }, onResponderReject: function(e) { config.onPanResponderReject && config.onPanResponderReject(e, gestureState); }, onResponderRelease: function(e) { config.onPanResponderRelease && config.onPanResponderRelease(e, gestureState); PanResponder._initializeGestureState(gestureState); }, onResponderStart: function(e) { var touchHistory = e.touchHistory; gestureState.numberActiveTouches = touchHistory.numberActiveTouches; config.onPanResponderStart && config.onPanResponderStart(e, gestureState); }, onResponderMove: function(e) { var touchHistory = e.touchHistory; // Guard against the dispatch of two touch moves when there are two // simultaneously changed touches. if (gestureState._accountsForMovesUpTo === touchHistory.mostRecentTimeStamp) { return; } // Filter out any touch moves past the first one - we would have // already processed multi-touch geometry during the first event. PanResponder._updateGestureStateOnMove(gestureState, touchHistory); config.onPanResponderMove && config.onPanResponderMove(e, gestureState); }, onResponderEnd: function(e) { var touchHistory = e.touchHistory; gestureState.numberActiveTouches = touchHistory.numberActiveTouches; config.onPanResponderEnd && config.onPanResponderEnd(e, gestureState); }, onResponderTerminate: function(e) { config.onPanResponderTerminate && config.onPanResponderTerminate(e, gestureState); PanResponder._initializeGestureState(gestureState); }, onResponderTerminationRequest: function(e) { return config.onPanResponderTerminationRequest === undefined ? true : config.onPanResponderTerminationRequest(e, gestureState); }, }; return {panHandlers: panHandlers}; }, }; module.exports = PanResponder;
* nuanced. When moving two touches in opposite directions, the cumulative * distance is zero in each dimension. When two touches move in parallel five * pixels in the same direction, the cumulative distance is five, not ten. If * two touches start, one moves five in a direction, then stops and the other
main.rs
fn main() { let mut year: [i32; 4] = [1999, 2019, 2020, 2021]; // let arr = [10,20,30,40]; println!("array is {:?}", year); // len() 数组长度 println!("array size is :{}", year.len()); for index in 0..year.len() { println!("index: {} , value: {}", index, year[index]); } for value in year.iter() { println!("value is: {}", value); } updated_by_index(2, 2021, &mut year); println!("updated of {:?}", year); delete_by_index(1, &mut year) } // 通过下标修改某个元素的值 fn updated_by_index(index: usize, value: i32, arr: &mut [i32; 4]) { arr[index] = value; } // 通过下标删除某个元素 fn delete_by_index(index: usize, arr: &mut [i32; 4]) { // 新数组,长度为原始数组减去 1 let mut new: [i32; 3] = [-1; 3]; for i in 0..new.len() { if index <= 0 || index >= arr.len() { println!("下标越界!") }
} else { new[i] = arr[i + 1] } } // return new; println!("new arr {:?}", new) }
if i < index { new[i] = arr[i];
container.go
/* Copyright IBM Corp. All Rights Reserved. SPDX-License-Identifier: Apache-2.0 */ package container import ( "io" "sync" "time" "github.com/jxu86/fabric-gm/common/flogging" "github.com/jxu86/fabric-gm/core/chaincode/persistence" "github.com/jxu86/fabric-gm/core/container/ccintf" "github.com/pkg/errors" ) var vmLogger = flogging.MustGetLogger("container") //go:generate counterfeiter -o mock/docker_builder.go --fake-name DockerBuilder . DockerBuilder // DockerBuilder is what is exposed by the dockercontroller type DockerBuilder interface { Build(ccid string, metadata *persistence.ChaincodePackageMetadata, codePackageStream io.Reader) (Instance, error) } //go:generate counterfeiter -o mock/external_builder.go --fake-name ExternalBuilder . ExternalBuilder // ExternalBuilder is what is exposed by the dockercontroller type ExternalBuilder interface { Build(ccid string, metadata []byte, codePackageStream io.Reader) (Instance, error) } //go:generate counterfeiter -o mock/instance.go --fake-name Instance . Instance // Instance represents a built chaincode instance, because of the docker legacy, calling this a // built 'container' would be very misleading, and going forward with the external launcher // 'image' also seemed inappropriate. So, the vague 'Instance' is used here. type Instance interface { Start(peerConnection *ccintf.PeerConnection) error ChaincodeServerInfo() (*ccintf.ChaincodeServerInfo, error) Stop() error Wait() (int, error) } type UninitializedInstance struct{} func (UninitializedInstance) Start(peerConnection *ccintf.PeerConnection) error { return errors.Errorf("instance has not yet been built, cannot be started") } func (UninitializedInstance) ChaincodeServerInfo() (*ccintf.ChaincodeServerInfo, error) { return nil, errors.Errorf("instance has not yet been built, cannot get chaincode server info") } func (UninitializedInstance) Stop() error { return errors.Errorf("instance has not yet been built, cannot be stopped") } func (UninitializedInstance) Wait() (int, error) { return 0, errors.Errorf("instance has not yet been built, cannot wait") } //go:generate counterfeiter -o mock/package_provider.go --fake-name PackageProvider . PackageProvider // PackageProvider gets chaincode packages from the filesystem. type PackageProvider interface { GetChaincodePackage(packageID string) (md *persistence.ChaincodePackageMetadata, mdBytes []byte, codeStream io.ReadCloser, err error) } type Router struct { ExternalBuilder ExternalBuilder DockerBuilder DockerBuilder containers map[string]Instance PackageProvider PackageProvider mutex sync.Mutex } func (r *Router) getInstance(ccid string) Instance { r.mutex.Lock() defer r.mutex.Unlock() // Note, to resolve the locking problem which existed in the previous code, we never delete // references from the map. In this way, it is safe to release the lock and operate // on the returned reference vm, ok := r.containers[ccid] if !ok { return UninitializedInstance{} } return vm } func (r *Router) Build(ccid string) error { var instance Instance if r.ExternalBuilder != nil { // for now, the package ID we retrieve from the FS is always the ccid // the chaincode uses for registration _, mdBytes, codeStream, err := r.PackageProvider.GetChaincodePackage(ccid) if err != nil { return errors.WithMessage(err, "failed to get chaincode package for external build") } defer codeStream.Close() instance, err = r.ExternalBuilder.Build(ccid, mdBytes, codeStream) if err != nil { return errors.WithMessage(err, "external builder failed") }
if r.DockerBuilder == nil { return errors.New("no DockerBuilder, cannot build") } metadata, _, codeStream, err := r.PackageProvider.GetChaincodePackage(ccid) if err != nil { return errors.WithMessage(err, "failed to get chaincode package for docker build") } defer codeStream.Close() instance, err = r.DockerBuilder.Build(ccid, metadata, codeStream) if err != nil { return errors.WithMessage(err, "docker build failed") } } r.mutex.Lock() defer r.mutex.Unlock() if r.containers == nil { r.containers = map[string]Instance{} } r.containers[ccid] = instance return nil } func (r *Router) ChaincodeServerInfo(ccid string) (*ccintf.ChaincodeServerInfo, error) { return r.getInstance(ccid).ChaincodeServerInfo() } func (r *Router) Start(ccid string, peerConnection *ccintf.PeerConnection) error { return r.getInstance(ccid).Start(peerConnection) } func (r *Router) Stop(ccid string) error { return r.getInstance(ccid).Stop() } func (r *Router) Wait(ccid string) (int, error) { return r.getInstance(ccid).Wait() } func (r *Router) Shutdown(timeout time.Duration) { var wg sync.WaitGroup for ccid := range r.containers { wg.Add(1) go func(ccid string) { defer wg.Done() if err := r.Stop(ccid); err != nil { vmLogger.Warnw("failed to stop chaincode", "ccid", ccid, "error", err) } }(ccid) } done := make(chan struct{}) go func() { wg.Wait() close(done) }() select { case <-time.After(timeout): vmLogger.Warning("timeout while stopping external chaincodes") case <-done: } }
} if instance == nil {
context_processors.py
from django.conf import settings import datetime def
(request): return { 'site_name': settings.SITE_NAME, 'site_desc': settings.SITE_DESC, 'site_author': settings.SITE_AUTHOR, 'site_url': settings.SITE_URL, 'site_register': settings.ALLOW_NEW_REGISTRATIONS, 'BASE_URL': 'http://' + request.get_host(), 'BASE_HOST': request.get_host().split(':')[0], } def template_times(request): return { 'today': datetime.datetime.now(), 'yesterday': datetime.datetime.now() - datetime.timedelta(1), }
template_settings
authorizations.model.ts
/***** License -------------- Copyright © 2020 Mojaloop Foundation The Mojaloop files are made available by the Mojaloop Foundation under the Apache License, Version 2.0 (the "License") and you may not use these files except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, the Mojaloop files are distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. Contributors -------------- This is the official list of the Mojaloop project contributors for this file. Names of the original copyright holders (individuals or organizations) should be listed with a '*' in the first column. People who have contributed from an organization can be listed under the organization that actually holds the copyright for their contributions (see the Gates Foundation organization for an example). Those individuals should have their names indented and be marked with a '-'. Email address can be added optionally within square brackets <email>. * Gates Foundation - Name Surname <[email protected]> - Paweł Marzec <[email protected]> -------------- ******/ import { OutboundAuthorizationsPostResponse, OutboundAuthorizationsModelConfig, OutboundAuthorizationsModelState, OutboundAuthorizationData, OutboundAuthorizationStateMachine } from '~/models/authorizations.interface' import { v1_1 as fspiopAPI } from '@mojaloop/api-snippets' import { PersistentModel } from '~/models/persistent.model' import { StateMachineConfig } from 'javascript-state-machine' import { Message, PubSub } from '~/shared/pub-sub' import { ThirdpartyRequests } from '@mojaloop/sdk-standard-components' import inspect from '~/shared/inspect' export class OutboundAuthorizationsModel extends PersistentModel<OutboundAuthorizationStateMachine, OutboundAuthorizationData> { protected config: OutboundAuthorizationsModelConfig constructor ( data: OutboundAuthorizationData, config: OutboundAuthorizationsModelConfig ) { // request authorization state machine model const spec: StateMachineConfig = { init: 'start', transitions: [ { name: 'requestAuthorization', from: 'start', to: 'succeeded' } ], methods: { // specific transitions handlers methods onRequestAuthorization: () => this.onRequestAuthorization() } } super(data, config, spec) this.config = { ...config } } // getters get subscriber (): PubSub { return this.config.subscriber } get requests (): ThirdpartyRequests { return this.config.requests } // generate the name of notification channel dedicated for authorizations requests static notificationChannel (id: string): string { // mvp validation if (!(id && id.toString().length > 0)) { throw new Error('OutboundAuthorizationsModel.notificationChannel: \'id\' parameter is required') } // channel name return `authorizations_${id}` } /** * Requests Authorization * Starts the authorization process by sending a POST /authorizations request to switch; * than await for a notification on PUT /authorizations/<transactionRequestId> * from the PubSub that the Authorization has been resolved */ async onRequestAuthorization (): Promise<void> { const channel = OutboundAuthorizationsModel.notificationChannel(this.data.request.transactionRequestId) const subscriber: PubSub = this.subscriber // eslint-disable-next-line no-async-promise-executor return new Promise(async (resolve, reject) => { let subId = 0 try {
// in handlers/inbound is implemented putAuthorizationsById handler // which publish PutAuthorizationsResponse to channel subId = this.subscriber.subscribe(channel, async (channel: string, message: Message, sid: number) => { // first unsubscribe subscriber.unsubscribe(channel, sid) // TODO: investigate PubSub subscribe method and callback // should be a generic so casting here would be not necessary... const putResponse = { ...message as unknown as fspiopAPI.Schemas.AuthorizationsIDPutResponse } // store response which will be returned by 'getResponse' method in workflow 'run' this.data.response = { authenticationInfo: putResponse.authenticationInfo, responseType: putResponse.responseType, currentState: OutboundAuthorizationsModelState[ this.data.currentState as keyof typeof OutboundAuthorizationsModelState ] } resolve() }) // POST /authorization request to the switch const res = await this.requests.postAuthorizations(this.data.request, this.data.toParticipantId) this.logger.push({ res }).info('Authorizations request sent to peer') } catch (error) { this.logger.push(error).error('Authorization request error') subscriber.unsubscribe(channel, subId) reject(error) } }) } /** * Returns an object representing the final state of the authorization suitable for the outbound API * * @returns {object} - Response representing the result of the authorization process */ getResponse (): OutboundAuthorizationsPostResponse | void { return this.data.response } /** * runs the workflow */ async run (): Promise<OutboundAuthorizationsPostResponse | void> { const data = this.data try { // run transitions based on incoming state switch (data.currentState) { case 'start': // the first transition is requestAuthorization await this.fsm.requestAuthorization() this.logger.info( `Authorization requested for ${data.transactionRequestId}, currentState: ${data.currentState}` ) /* falls through */ case 'succeeded': // all steps complete so return this.logger.info('Authorization completed successfully') return this.getResponse() case 'errored': // stopped in errored state this.logger.info('State machine in errored state') return } } catch (err) { this.logger.info(`Error running authorizations model: ${inspect(err)}`) // as this function is recursive, we don't want to error the state machine multiple times if (data.currentState !== 'errored') { // err should not have a authorizationState property here! if (err.authorizationState) { this.logger.info('State machine is broken') } // transition to errored state await this.fsm.error(err) // avoid circular ref between authorizationState.lastError and err err.authorizationState = { ...this.getResponse() } } throw err } } } export async function create ( data: OutboundAuthorizationData, config: OutboundAuthorizationsModelConfig ): Promise <OutboundAuthorizationsModel> { // create a new model const model = new OutboundAuthorizationsModel(data, config) // enforce to finish any transition to state specified by data.currentState or spec.init await model.fsm.state return model } // loads PersistentModel from KVS storage using given `config` and `spec` export async function loadFromKVS ( config: OutboundAuthorizationsModelConfig ): Promise <OutboundAuthorizationsModel> { try { const data = await config.kvs.get<OutboundAuthorizationData>(config.key) if (!data) { throw new Error(`No data found in KVS for: ${config.key}`) } config.logger.push({ data }).info('data loaded from KVS') return create(data, config) } catch (err) { config.logger.push({ err }).info(`Error loading data from KVS for key: ${config.key}`) throw err } }
v2_0178.py
from __future__ import annotations from spark_auto_mapper_fhir.fhir_types.uri import FhirUri from spark_auto_mapper_fhir.value_sets.generic_type import GenericTypeCode from spark_auto_mapper.type_definitions.defined_types import AutoMapperTextInputType # This file is auto-generated by generate_classes so do not edit manually # noinspection PyPep8Naming class
(GenericTypeCode): """ v2.0178 From: http://terminology.hl7.org/ValueSet/v2-0178 in v2-tables.xml FHIR Value set/code system definition for HL7 v2 table 0178 ( FILE-LEVEL EVENT CODE) """ def __init__(self, value: AutoMapperTextInputType): super().__init__(value=value) """ http://terminology.hl7.org/ValueSet/v2-0178 """ codeset: FhirUri = "http://terminology.hl7.org/ValueSet/v2-0178"
V2_0178
gqueue_z_example_test.go
// Copyright GoFrame Author(https://goframe.org). All Rights Reserved. // // This Source Code Form is subject to the terms of the MIT License. // If a copy of the MIT was not distributed with this file, // You can obtain one at https://github.com/gogf/gf. package gqueue_test import ( "context" "fmt" "time" "github.com/gogf/gf/v2/container/gqueue" "github.com/gogf/gf/v2/os/gtimer" ) func ExampleNew() { n := 10 q := gqueue.New() // Producer for i := 0; i < n; i++ { q.Push(i) } // Close the queue in three seconds. gtimer.SetTimeout(context.Background(), time.Second*3, func(ctx context.Context) { q.Close() }) // The consumer constantly reads the queue data. // If there is no data in the queue, it will block. // The queue is read using the queue.C property exposed // by the queue object and the selectIO multiplexing syntax // example: // for { // select { // case v := <-queue.C: // if v != nil { // fmt.Println(v) // } else { // return // } // } // } for { if v := q.Pop(); v != nil { fmt.Print(v) } else { break } } // Output: // 0123456789 } func ExampleQueue_Push() { q := gqueue.New() for i := 0; i < 10; i++ { q.Push(i) } fmt.Println(q.Pop()) fmt.Println(q.Pop()) fmt.Println(q.Pop()) // Output: // 0 // 1 // 2 } func ExampleQueue_Pop() { q := gqueue.New() for i := 0; i < 10; i++ { q.Push(i) } fmt.Println(q.Pop()) q.Close() fmt.Println(q.Pop()) // Output: // 0 // <nil> } func ExampleQueue_Close() { q := gqueue.New() for i := 0; i < 10; i++ { q.Push(i) } time.Sleep(time.Millisecond) q.Close() fmt.Println(q.Len()) fmt.Println(q.Pop()) // Output: // 0 // <nil> } func ExampleQueue_Len() { q := gqueue.New() q.Push(1) q.Push(2) fmt.Println(q.Len()) // May Output: // 2 } func
() { q := gqueue.New() q.Push(1) q.Push(2) // Size is alias of Len. fmt.Println(q.Size()) // May Output: // 2 }
ExampleQueue_Size
p0063.go
// Copyright (c) 2018 soren yang // // Licensed under the MIT License // you may not use this file except in complicance with the License. // You may obtain a copy of the License at // // https://opensource.org/licenses/MIT // // Unless required by applicable law or agreed to in writing, software // distributed under the License is distributed on an "AS IS" BASIS, // WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. // See the License for the specific language governing permissions and // limitations under the License. package p0063 func
(obstacleGrid [][]int) int { if 0 == len(obstacleGrid) { return 0 } row, col := len(obstacleGrid), len(obstacleGrid[0]) ways := make([][]int, row) // TODO: 优化空间复杂度 for i := 0; i < row; i++ { ways[i] = make([]int, col) } ways[0][0] = 1 for i := 0; i < row; i++ { for j := 0; j < col; j++ { if obstacleGrid[i][j] == 1 { ways[i][j] = 0 continue } switch { case i == 0 && j > 0: ways[i][j] = ways[i][j-1] case j == 0 && i > 0: ways[i][j] = ways[i-1][j] case i > 0 && j > 0: ways[i][j] = ways[i-1][j] + ways[i][j-1] } } } return ways[row-1][col-1] }
uniquePathsWithObstacles
twisted_edwards_extended.rs
use crate::_models::{ twisted_edwards_extended::{ GroupAffine as TEGroupAffine, GroupProjective as TEGroupProjective, }, TEModelParameters, }; use crate::boundary::wrapped::Wrapped; use crate::boundary::wrapped::{ GroupAffine as GroupAffineWrapped, GroupProjective as GroupProjectiveWrapped, }; use ark_std::{ ops::{Add, AddAssign, Deref, DerefMut, MulAssign, Sub, SubAssign}, rand::{ distributions::{Distribution, Standard}, Rng, }, }; pub type GroupAffine<P> = GroupAffineWrapped<TEGroupAffine<P>>; pub type GroupProjective<P> = GroupProjectiveWrapped<TEGroupProjective<P>>; //Deref impl<P: TEModelParameters> Deref for GroupAffineWrapped<TEGroupAffine<P>> { type Target = TEGroupAffine<P>; fn deref(&self) -> &Self::Target { &self.0 } } impl<P: TEModelParameters> Deref for GroupProjectiveWrapped<TEGroupProjective<P>> { type Target = TEGroupProjective<P>; fn deref(&self) -> &Self::Target { &self.0 } } // DerefMut impl<P: TEModelParameters> DerefMut for GroupAffineWrapped<TEGroupAffine<P>> { fn deref_mut(&mut self) -> &mut Self::Target { &mut self.0 } } impl<P: TEModelParameters> DerefMut for GroupProjectiveWrapped<TEGroupProjective<P>> { fn deref_mut(&mut self) -> &mut Self::Target { &mut self.0 } } // wrap inherent methods for short weierstrass group affine impl<P: TEModelParameters> GroupAffineWrapped<TEGroupAffine<P>> { #[allow(dead_code)] fn scale_by_cofactor(&self) -> GroupProjectiveWrapped<TEGroupProjective<P>> { GroupProjectiveWrapped(TEGroupAffine::<P>::scale_by_cofactor(self.wrapped())) } #[allow(dead_code)] fn get_point_from_x(x: P::BaseField, greatest: bool) -> Option<Self> { match TEGroupAffine::<P>::get_point_from_x(x, greatest) { Some(v) => Some(GroupAffineWrapped(v)), None => None, } } pub fn is_on_curve(&self) -> bool { TEGroupAffine::<P>::is_on_curve(self.wrapped()) } pub fn is_in_correct_subgroup_assuming_on_curve(&self) -> bool { TEGroupAffine::<P>::is_in_correct_subgroup_assuming_on_curve(self.wrapped()) } } impl<'a, P: TEModelParameters> Add<&'a Self> for GroupAffineWrapped<TEGroupAffine<P>> { type Output = Self; fn add(self, other: &'a Self) -> Self { GroupAffineWrapped(TEGroupAffine::<P>::add(*self.wrapped(), other.wrapped())) } } impl<'a, P: TEModelParameters> AddAssign<&'a Self> for GroupAffineWrapped<TEGroupAffine<P>> { fn add_assign(&mut self, other: &'a Self) { TEGroupAffine::<P>::add_assign(self.mut_wrapped(), other.wrapped()) } } impl<'a, P: TEModelParameters> Sub<&'a Self> for GroupAffineWrapped<TEGroupAffine<P>> { type Output = Self; fn sub(self, other: &'a Self) -> Self { GroupAffineWrapped(TEGroupAffine::<P>::sub(*self.wrapped(), other.wrapped())) } } impl<'a, P: TEModelParameters> SubAssign<&'a Self> for GroupAffineWrapped<TEGroupAffine<P>> { fn sub_assign(&mut self, other: &'a Self) { TEGroupAffine::<P>::sub_assign(self.mut_wrapped(), other.wrapped()) } } impl<'a, P: TEModelParameters> MulAssign<P::ScalarField> for GroupAffineWrapped<TEGroupAffine<P>> { fn mul_assign(&mut self, other: P::ScalarField) { TEGroupAffine::<P>::mul_assign(self.mut_wrapped(), other) } } impl<P: TEModelParameters> Distribution<GroupAffineWrapped<TEGroupAffine<P>>> for Standard { #[inline] fn sample<R: Rng + ?Sized>(&self, rng: &mut R) -> GroupAffineWrapped<TEGroupAffine<P>> { GroupAffineWrapped(Standard::sample(self, rng)) } } impl<P: TEModelParameters> core::str::FromStr for GroupAffineWrapped<TEGroupAffine<P>> where P::BaseField: core::str::FromStr<Err = ()>, { type Err = (); fn from_str(s: &str) -> Result<Self, Self::Err> { match TEGroupAffine::<P>::from_str(s) { Ok(v) => Ok(GroupAffineWrapped(v)), Err(e) => Err(e), } } } // // ark_ff::impl_additive_ops_from_ref!(_GroupAffine, TEModelParameters); // `Add` in above macro conflicts as its already been impl for generic // GroupAffine So we have to manually impl rest of traits here #[allow(unused_qualifications)] impl<'a, P: TEModelParameters> core::ops::Add<&'a mut Self> for GroupAffineWrapped<TEGroupAffine<P>> { type Output = Self; #[inline] fn add(self, other: &'a mut Self) -> Self { let mut result = self; result.add_assign(&*other); result } } #[allow(unused_qualifications)] impl<P: TEModelParameters> core::ops::Sub<Self> for GroupAffineWrapped<TEGroupAffine<P>> { type Output = Self; #[inline] fn sub(self, other: Self) -> Self { let mut result = self; result.sub_assign(&other); result } } #[allow(unused_qualifications)] impl<'a, P: TEModelParameters> core::ops::Sub<&'a mut Self> for GroupAffineWrapped<TEGroupAffine<P>> { type Output = Self; #[inline] fn sub(self, other: &'a mut Self) -> Self
} #[allow(unused_qualifications)] impl<P: TEModelParameters> core::ops::AddAssign<Self> for GroupAffineWrapped<TEGroupAffine<P>> { fn add_assign(&mut self, other: Self) { self.add_assign(&other) } } #[allow(unused_qualifications)] impl<P: TEModelParameters> core::ops::SubAssign<Self> for GroupAffineWrapped<TEGroupAffine<P>> { fn sub_assign(&mut self, other: Self) { self.sub_assign(&other) } } #[allow(unused_qualifications)] impl<'a, P: TEModelParameters> core::ops::AddAssign<&'a mut Self> for GroupAffineWrapped<TEGroupAffine<P>> { fn add_assign(&mut self, other: &'a mut Self) { self.add_assign(&*other) } } #[allow(unused_qualifications)] impl<'a, P: TEModelParameters> core::ops::SubAssign<&'a mut Self> for GroupAffineWrapped<TEGroupAffine<P>> { fn sub_assign(&mut self, other: &'a mut Self) { self.sub_assign(&*other) } } mod group_impl { use super::*; use crate::group::Group; impl<P: TEModelParameters> Group for GroupAffineWrapped<TEGroupAffine<P>> { type ScalarField = P::ScalarField; #[inline] fn double(&self) -> Self { GroupAffineWrapped(self.wrapped().double()) } #[inline] fn double_in_place(&mut self) -> &mut Self { self.mut_wrapped().double_in_place(); self } } }
{ let mut result = self; result.sub_assign(&*other); result }
log.ts
import * as express from 'express'; import { Logger } from '../../../utils/logService'; import { log } from '../schemas/log'; import { Auth } from '../../../auth/auth.class'; const router = express.Router(); router.post('/operaciones/:module/:op', (req, res, next) => {
if (!Auth.check(req, 'log:post')) { return next(403); } const resultado = Logger.log(req, req.params.module, req.params.op, req.body.data, (err) => { if (err) { return next(err); } res.json(resultado); }); }); router.get('/operaciones/:module?', (req, res, next) => { if (!Auth.check(req, 'log:get')) { return next(403); } let query; query = log.find({}); if (req.params.module) { query.where('modulo').equals(req.params.module).sort({ fecha: -1 }); } if (req.query.op) { query.where('operacion').equals(req.query.op); } if (req.query.usuario) { query.where('usuario.username').equals(req.query.usuario); } if (req.query.organizacion) { query.where('organizacion._id').equals(req.query.organizacion); } if (req.query.accion) { query.where('datosOperacion.accion').equals(req.query.accion); } if (req.query.count) { query.count(); } query.exec((err, data) => { if (err) { return next(err); } res.json(data); }); }); module.exports = router;
fuzzed.rs
// Vorbis decoder written in Rust // // Copyright (c) 2018 est31 <[email protected]> // and contributors. All rights reserved. // Licensed under MIT license, or Apache 2 license, // at your option. Please see the LICENSE file // attached to this source distribution for details. extern crate test_assets; #[macro_use] extern crate cmp; extern crate lewton; #[test] fn test_malformed_fuzzed() { println!(); test_assets::download_test_files(&cmp::get_fuzzed_asset_defs(), "test-assets", true).unwrap(); println!(); use lewton::VorbisError::*; use lewton::audio::AudioReadError::*; use lewton::header::HeaderReadError::*; ensure_malformed!("27_really_minimized_testcase_crcfix.ogg", BadAudio(AudioBadFormat)); ensure_malformed!("32_minimized_crash_testcase.ogg", BadHeader(HeaderBadFormat)); ensure_malformed!("35_where_did_my_memory_go_repacked.ogg", BadHeader(HeaderBadFormat)); ensure_malformed!("bug-42-sample009.ogg", BadAudio(AudioBadFormat)); ensure_malformed!("bug-42-sample012.ogg", BadAudio(AudioBadFormat)); //ensure_malformed!("bug-42-sample015.ogg", BadAudio(AudioBadFormat)); } #[test] fn test_okay_fuzzed() { println!(); test_assets::download_test_files(&cmp::get_fuzzed_asset_defs(), "test-assets", true).unwrap(); println!(); ensure_okay!("33_minimized_panic_testcase.ogg");
}
ensure_okay!("bug-42-sample016.ogg"); ensure_okay!("bug-42-sample029.ogg");
test_other.py
import httplib2 import mock import os import pickle import pytest import socket import sys import tests import time from six.moves import urllib @pytest.mark.skipif( sys.version_info <= (3,), reason=( "TODO: httplib2._convert_byte_str was defined only in python3 code " "version" ), ) def test_convert_byte_str(): with tests.assert_raises(TypeError): httplib2._convert_byte_str(4) assert httplib2._convert_byte_str(b"Hello") == "Hello" assert httplib2._convert_byte_str("World") == "World" def test_reflect(): http = httplib2.Http() with tests.server_reflect() as uri: response, content = http.request(uri + "?query", "METHOD") assert response.status == 200 host = urllib.parse.urlparse(uri).netloc assert content.startswith( """\ METHOD /?query HTTP/1.1\r\n\ Host: {host}\r\n""".format( host=host ).encode() ), content def test_pickle_http(): http = httplib2.Http(cache=tests.get_cache_path()) new_http = pickle.loads(pickle.dumps(http)) assert tuple(sorted(new_http.__dict__)) == tuple(sorted(http.__dict__)) assert new_http.credentials.credentials == http.credentials.credentials assert new_http.certificates.credentials == http.certificates.credentials assert new_http.cache.cache == http.cache.cache for key in new_http.__dict__: if key not in ("cache", "certificates", "credentials"): assert getattr(new_http, key) == getattr(http, key) def test_pickle_http_with_connection(): http = httplib2.Http() http.request("http://random-domain:81/", connection_type=tests.MockHTTPConnection) new_http = pickle.loads(pickle.dumps(http)) assert tuple(http.connections) == ("http:random-domain:81",) assert new_http.connections == {} def test_pickle_custom_request_http(): http = httplib2.Http() http.request = lambda: None http.request.dummy_attr = "dummy_value" new_http = pickle.loads(pickle.dumps(http)) assert getattr(new_http.request, "dummy_attr", None) is None @pytest.mark.xfail( sys.version_info >= (3,), reason=( "FIXME: for unknown reason global timeout test fails in Python3 " "with response 200" ), ) def test_timeout_global(): def handler(request):
try: socket.setdefaulttimeout(0.1) except Exception: pytest.skip("cannot set global socket timeout") try: http = httplib2.Http() http.force_exception_to_status_code = True with tests.server_request(handler) as uri: response, content = http.request(uri) assert response.status == 408 assert response.reason.startswith("Request Timeout") finally: socket.setdefaulttimeout(None) def test_timeout_individual(): def handler(request): time.sleep(0.5) return tests.http_response_bytes() http = httplib2.Http(timeout=0.1) http.force_exception_to_status_code = True with tests.server_request(handler) as uri: response, content = http.request(uri) assert response.status == 408 assert response.reason.startswith("Request Timeout") def test_timeout_https(): c = httplib2.HTTPSConnectionWithTimeout("localhost", 80, timeout=47) assert 47 == c.timeout # @pytest.mark.xfail( # sys.version_info >= (3,), # reason='[py3] last request should open new connection, but client does not realize socket was closed by server', # ) def test_connection_close(): http = httplib2.Http() g = [] def handler(request): g.append(request.number) return tests.http_response_bytes(proto="HTTP/1.1") with tests.server_request(handler, request_count=3) as uri: http.request(uri, "GET") # conn1 req1 for c in http.connections.values(): assert c.sock is not None http.request(uri, "GET", headers={"connection": "close"}) time.sleep(0.7) http.request(uri, "GET") # conn2 req1 assert g == [1, 2, 1] def test_get_end2end_headers(): # one end to end header response = {"content-type": "application/atom+xml", "te": "deflate"} end2end = httplib2._get_end2end_headers(response) assert "content-type" in end2end assert "te" not in end2end assert "connection" not in end2end # one end to end header that gets eliminated response = { "connection": "content-type", "content-type": "application/atom+xml", "te": "deflate", } end2end = httplib2._get_end2end_headers(response) assert "content-type" not in end2end assert "te" not in end2end assert "connection" not in end2end # Degenerate case of no headers response = {} end2end = httplib2._get_end2end_headers(response) assert len(end2end) == 0 # Degenerate case of connection referrring to a header not passed in response = {"connection": "content-type"} end2end = httplib2._get_end2end_headers(response) assert len(end2end) == 0 @pytest.mark.xfail( os.environ.get("TRAVIS_PYTHON_VERSION") in ("2.7", "pypy"), reason="FIXME: fail on Travis py27 and pypy, works elsewhere", ) @pytest.mark.parametrize("scheme", ("http", "https")) def test_ipv6(scheme): # Even if IPv6 isn't installed on a machine it should just raise socket.error uri = "{scheme}://[::1]:1/".format(scheme=scheme) try: httplib2.Http(timeout=0.1).request(uri) except socket.gaierror: assert False, "should get the address family right for IPv6" except socket.error: pass @pytest.mark.parametrize( "conn_type", (httplib2.HTTPConnectionWithTimeout, httplib2.HTTPSConnectionWithTimeout), ) def test_connection_proxy_info_attribute_error(conn_type): # HTTPConnectionWithTimeout did not initialize its .proxy_info attribute # https://github.com/httplib2/httplib2/pull/97 # Thanks to Joseph Ryan https://github.com/germanjoey conn = conn_type("no-such-hostname.", 80) # TODO: replace mock with dummy local server with tests.assert_raises(socket.gaierror): with mock.patch("socket.socket.connect", side_effect=socket.gaierror): conn.request("GET", "/") def test_http_443_forced_https(): http = httplib2.Http() http.force_exception_to_status_code = True uri = "http://localhost:443/" # sorry, using internal structure of Http to check chosen scheme with mock.patch("httplib2.Http._request") as m: http.request(uri) assert len(m.call_args) > 0, "expected Http._request() call" conn = m.call_args[0][0] assert isinstance(conn, httplib2.HTTPConnectionWithTimeout)
time.sleep(0.5) return tests.http_response_bytes()
gitalycall_test.go
package uploadarchive import ( "bytes" "context" "testing" "github.com/sirupsen/logrus" "github.com/stretchr/testify/require" "gitlab.com/gitlab-org/gitlab-shell/client/testserver" "gitlab.com/gitlab-org/gitlab-shell/internal/command/commandargs" "gitlab.com/gitlab-org/gitlab-shell/internal/command/readwriter" "gitlab.com/gitlab-org/gitlab-shell/internal/config" "gitlab.com/gitlab-org/gitlab-shell/internal/testhelper" "gitlab.com/gitlab-org/gitlab-shell/internal/testhelper/requesthandlers" ) func
(t *testing.T) { gitalyAddress, _, cleanup := testserver.StartGitalyServer(t) defer cleanup() requests := requesthandlers.BuildAllowedWithGitalyHandlers(t, gitalyAddress) url, cleanup := testserver.StartHttpServer(t, requests) defer cleanup() output := &bytes.Buffer{} input := &bytes.Buffer{} userId := "1" repo := "group/repo" cmd := &Command{ Config: &config.Config{GitlabUrl: url}, Args: &commandargs.Shell{GitlabKeyId: userId, CommandType: commandargs.UploadArchive, SshArgs: []string{"git-upload-archive", repo}}, ReadWriter: &readwriter.ReadWriter{ErrOut: output, Out: output, In: input}, } hook := testhelper.SetupLogger() err := cmd.Execute(context.Background()) require.NoError(t, err) require.Equal(t, "UploadArchive: "+repo, output.String()) require.True(t, testhelper.WaitForLogEvent(hook)) entries := hook.AllEntries() require.Equal(t, 2, len(entries)) require.Equal(t, logrus.InfoLevel, entries[1].Level) require.Contains(t, entries[1].Message, "executing git command") require.Contains(t, entries[1].Message, "command=git-upload-archive") require.Contains(t, entries[1].Message, "gl_key_type=key") require.Contains(t, entries[1].Message, "gl_key_id=123") }
TestUploadPack
caddyhttp_test.go
package caddyhttp import ( "strings" "testing" "github.com/mholt/caddy" ) // TODO: this test could be improved; the purpose is to // ensure that the standard plugins are in fact plugged in // and registered properly; this is a quick/naive way to do it. func
(t *testing.T) { numStandardPlugins := 31 // importing caddyhttp plugs in this many plugins s := caddy.DescribePlugins() if got, want := strings.Count(s, "\n"), numStandardPlugins+5; got != want { t.Errorf("Expected all standard plugins to be plugged in, got:\n%s", s) } }
TestStandardPlugins
main.rs
/* Hello, Rust! This file aims to explore the Rust programming language. Just to play around, of course, and have a simple compiled list of the syntax of Rust! */ /* The main() function is the main entry point of every Rust program; this shouldn't be too surprising since many programming languages do this too. */ fn main() { example_function(); hello_world(); constants_and_variables(); } // =================== // FUNCTIONS // =================== /* Declaring a function is as simple as using the `fn` keyword followed by the name of the function. Interestingly, the compiler warns you if your function name is non-snake case. I assume that the de facto standard of Rust function names is the snake case convention! */ fn example_function() { // Enter code here } fn hello_world() { /* println!() is the equivalent of outputting content. Since you're familiar with Python, it's the equivalent of Python's print() command! */ println!("Hello, world!"); } fn
() { /* In Rust, both constants and variables are defined with the `let` keyword. A little similar to Swift, but different later on. Alternatively, the `const` keyword can be used to define a constant. However, the type of the constant must be explicitly mentioned and the constant is strictly immutable. */ let language_name = "Rust"; const LANGUAGE_MASCOT: &str = "Ferris"; /* language_name = ""; <- ⚠ error languge_mascot = "Gopher"; <- ⚠ error Rust will raise an error when you attempt to change the value of a constant. Constants are immutable, and hence their values cannot be changed. */ println!("language_name: {}", language_name); println!("language_mascot: {}", LANGUAGE_MASCOT); /* On the other hand, variables are defined with the `let mut` keywords. As probably guessable, the `mut` here stands for mutable; the value of mutable variables can change. */ let mut greeting = "Good morning!"; println!("greeting (at declaration): {}", greeting); greeting = "Good afternoon!"; println!("greeting (after reassignment): {}", greeting); }
constants_and_variables
run.py
########################################################################### # # Copyright 2020 Google LLC # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # ########################################################################### from starthinker.util import has_values from starthinker.util.data import get_rows from starthinker.task.cm_to_dv.cm_account import cm_account_clear from starthinker.task.cm_to_dv.cm_account import cm_account_load from starthinker.task.cm_to_dv.cm_advertiser import cm_advertiser_clear from starthinker.task.cm_to_dv.cm_advertiser import cm_advertiser_load from starthinker.task.cm_to_dv.cm_campaign import cm_campaign_clear from starthinker.task.cm_to_dv.cm_campaign import cm_campaign_load from starthinker.task.cm_to_dv.cm_placement import cm_placement_clear from starthinker.task.cm_to_dv.cm_placement import cm_placement_load from starthinker.task.cm_to_dv.cm_placement_group import cm_placement_group_clear from starthinker.task.cm_to_dv.cm_placement_group import cm_placement_group_load from starthinker.task.cm_to_dv.cm_profile import cm_profile_clear from starthinker.task.cm_to_dv.cm_profile import cm_profile_load from starthinker.task.cm_to_dv.cm_site import cm_site_clear from starthinker.task.cm_to_dv.cm_site import cm_site_load from starthinker.task.cm_to_dv.dv_advertiser import dv_advertiser_clear from starthinker.task.cm_to_dv.dv_advertiser import dv_advertiser_load from starthinker.task.cm_to_dv.dv_algorithm import dv_algorithm_clear from starthinker.task.cm_to_dv.dv_algorithm import dv_algorithm_load from starthinker.task.cm_to_dv.dv_campaign import dv_campaign_clear from starthinker.task.cm_to_dv.dv_campaign import dv_campaign_load from starthinker.task.cm_to_dv.dv_insertion_order import dv_insertion_order_clear from starthinker.task.cm_to_dv.dv_insertion_order import dv_insertion_order_load from starthinker.task.cm_to_dv.dv_line_item import dv_line_item_clear from starthinker.task.cm_to_dv.dv_line_item import dv_line_item_load from starthinker.task.cm_to_dv.dv_partner import dv_partner_clear from starthinker.task.cm_to_dv.dv_partner import dv_partner_load from starthinker.task.cm_to_dv.preview_io import preview_io_clear from starthinker.task.cm_to_dv.preview_io import preview_io_load from starthinker.task.cm_to_dv.preview_io import preview_io_insert from starthinker.task.cm_to_dv.preview_li import preview_li_clear from starthinker.task.cm_to_dv.preview_li import preview_li_load from starthinker.task.cm_to_dv.preview_li import preview_li_insert from starthinker.task.cm_to_dv.log import log_clear from starthinker.task.cm_to_dv.log import log_clear def cm_to_dv(config, task): print('COMMAND:', task['command']) if task['command'] == 'Clear':
elif task['command'] == 'Load': # load if profile filters are missing if not has_values(get_rows( config, task['auth_sheets'], { 'sheets': { 'sheet': task['sheet'], 'tab': 'CM Profiles', 'header':False, 'range': 'A2:A' }} )): print('CM Profile Load') cm_profile_load(config, task) # load if account filters are missing elif not has_values(get_rows( config, task['auth_sheets'], { 'sheets': { 'sheet': task['sheet'], 'tab': 'CM Accounts', 'header':False, 'range': 'A2:A' }} )): cm_account_load(config, task) # load if advertiser filters are missing elif not has_values(get_rows( config, task['auth_sheets'], { 'sheets': { 'sheet': task['sheet'], 'tab': 'CM Advertisers', 'header':False, 'range': 'A2:A' }} )): print('CM Advertiser Load') cm_advertiser_load(config, task) # load if advertiser filters are missing elif not has_values(get_rows( config, task['auth_sheets'], { 'sheets': { 'sheet': task['sheet'], 'tab': 'CM Campaigns', 'header':False, 'range': 'A2:A' }} )): print('CM Campaigns Load') cm_campaign_load(config, task) else: print('CM Placement Load') cm_placement_load(config, task) cm_placement_group_load(config, task) cm_site_load(config, task) # load if partner filters are missing if not has_values(get_rows( config, task['auth_sheets'], { 'sheets': { 'sheet': task['sheet'], 'tab': 'DV Partners', 'header':False, 'range': 'A2:A' }} )): print('DV Partner Load') dv_partner_load(config, task) # load if advertiser filters are missing elif not has_values(get_rows( config, task['auth_sheets'], { 'sheets': { 'sheet': task['sheet'], 'tab': 'DV Advertisers', 'header':False, 'range': 'A2:A' }} )): print('DV Advertiser Load') dv_advertiser_load(config, task) # load if advertiser filters are present else: print('DV Campaign / IO / LI Load') dv_algorithm_load(config, task) dv_campaign_load(config, task) dv_insertion_order_load(config, task) dv_line_item_load(config, task) elif task['command'] == 'Preview': log_clear(config, task) preview_io_load(config, task) preview_li_load(config, task) elif task['command'] == 'Insert': log_clear(config, task) preview_io_insert(config, task) preview_li_insert(config, task)
dv_line_item_clear(config, task) dv_insertion_order_clear(config, task) dv_campaign_clear(config, task) dv_advertiser_clear(config, task) dv_algorithm_clear(config, task) dv_partner_clear(config, task) cm_profile_clear(config, task) cm_account_clear(config, task) cm_advertiser_clear(config, task) cm_campaign_clear(config, task) cm_placement_clear(config, task) cm_placement_group_clear(config, task) cm_site_clear(config, task) preview_io_clear(config, task) preview_li_clear(config, task) log_clear(config, task)
auto-ref-slice-plus-ref.rs
// Copyright 2012 The Rust Project Developers. See the COPYRIGHT // file at the top-level directory of this distribution and at // http://rust-lang.org/COPYRIGHT. // // Licensed under the Apache License, Version 2.0 <LICENSE-APACHE or // http://www.apache.org/licenses/LICENSE-2.0> or the MIT license // <LICENSE-MIT or http://opensource.org/licenses/MIT>, at your // option. This file may not be copied, modified, or distributed // except according to those terms. // Testing that method lookup automatically both borrows vectors to slices
trait MyIter { fn test_imm(&self); } impl<'a> MyIter for &'a [int] { fn test_imm(&self) { assert_eq!(self[0], 1) } } impl<'a> MyIter for &'a str { fn test_imm(&self) { assert_eq!(*self, "test") } } pub fn main() { ([1]).test_imm(); (vec!(1)).as_slice().test_imm(); (&[1]).test_imm(); ("test").test_imm(); ("test").test_imm(); // FIXME: Other types of mutable vecs don't currently exist // NB: We don't do this double autoreffing for &mut self because that would // allow creating a mutable pointer to a temporary, which would be a source // of confusion }
// and also references them to create the &self pointer #![feature(managed_boxes)]
dictionary.service.ts
import { Injectable } from '@nestjs/common'; import path from 'path'; import fs from 'fs'; @Injectable() export class
{ wordByUser: string[]; words: string[]; lower_words: string[]; dictionaryMain: JSON; dictionaryByUser: JSON; definitions: Object; RandomIntDic: Function; RandomListDic: Function; filePath: any; filePathByUser: any; constructor() { this.filePath = path.resolve(__dirname, './data/Viet74K.txt'); this.filePathByUser = path.resolve(__dirname, './data/VietByUser.txt'); let data = fs.readFileSync(this.filePath, 'utf-8'); let dataByUser = fs.readFileSync(this.filePathByUser, 'utf-8'); this.wordByUser = dataByUser.split('\n'); this.words = [...data.split('\n'), ...dataByUser.split('\n')]; this.lower_words = [ ...data.toLowerCase().split('\n'), ...dataByUser.toLowerCase().split('\n'), ]; this.dictionaryMain = require('./data/dictionary.json'); this.dictionaryByUser = require('./data/dictionaryByUser.json'); this.definitions = { ...this.dictionaryMain, ...this.dictionaryByUser }; } list(word) { return this.words.filter((e) => { let tmp = e.split(' '); if (tmp.length == 2 && tmp[0] == word) return tmp; }); } async addWordToDictionary(word) { this.definitions = { ...this.definitions, ...word }; this.dictionaryByUser = { ...this.dictionaryByUser, ...word }; await fs.writeFileSync( path.resolve(__dirname, './data/dictionaryByUser.json'), JSON.stringify(this.dictionaryByUser), ); } async addWordToTxt(word) { this.words = [...this.words, word]; this.lower_words = [...this.lower_words, word]; this.wordByUser = [...this.wordByUser, word]; await fs.writeFileSync( path.resolve(__dirname, './data/VietByUser.txt'), this.wordByUser.join('\n'), ); } randomWordInList({ number = 2 }) { this.RandomIntDic = function (min, max) { return Math.floor(Math.random() * (max - min)) + min; }; this.RandomListDic = function (list) { return list[this.RandomIntDic(250, list.length)]; }; let word = this.RandomListDic(this.words); let legWord = word.split(' '); if (legWord.length === number) return word; return this.randomWordInList({ number }); } has(word) { if (!word) return false; const isHas = this.words.some(e => e?.trim() === word.toLowerCase()); return isHas } lookup(word) { return this.definitions[word]; } }
DictionaryService
minscale_readiness_test.go
// +build e2e /* Copyright 2019 The Knative Authors Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ package e2e import ( "strconv" "testing" metav1 "k8s.io/apimachinery/pkg/apis/meta/v1" "knative.dev/pkg/test/logstream" "knative.dev/serving/pkg/apis/autoscaling" "knative.dev/serving/pkg/apis/serving/v1alpha1" "knative.dev/serving/test" v1a1test "knative.dev/serving/test/v1alpha1" ) func TestMinScale(t *testing.T) { t.Parallel() cancel := logstream.Start(t) defer cancel() const minScale = 4 clients := Setup(t) names := test.ResourceNames{ Config: test.ObjectNameForTest(t), Image: "helloworld", } if _, err := v1a1test.CreateConfiguration(t, clients, names, func(cfg *v1alpha1.Configuration) { if cfg.Spec.Template.Annotations == nil { cfg.Spec.Template.Annotations = make(map[string]string) } cfg.Spec.Template.Annotations[autoscaling.MinScaleAnnotationKey] = strconv.Itoa(minScale) }); err != nil { t.Fatalf("Failed to create Configuration: %v", err) } test.CleanupOnInterrupt(func() { test.TearDown(clients, names) }) defer test.TearDown(clients, names) // Wait for the Config have a LatestCreatedRevisionName if err := v1a1test.WaitForConfigurationState(clients.ServingAlphaClient, names.Config, v1a1test.ConfigurationHasCreatedRevision, "ConfigurationHasCreatedRevision"); err != nil { t.Fatalf("The Configuration %q does not have a LatestCreatedRevisionName: %v", names.Config, err) } config, err := clients.ServingAlphaClient.Configs.Get(names.Config, metav1.GetOptions{}) if err != nil { t.Fatalf("Failed to get Configuration after it was seen to be live: %v", err) } revName := config.Status.LatestCreatedRevisionName if err = v1a1test.WaitForRevisionState(clients.ServingAlphaClient, revName, v1a1test.IsRevisionReady, "RevisionIsReady"); err != nil { t.Fatalf("The Revision %q did not become ready: %v", revName, err) }
deployment, err := clients.KubeClient.Kube.AppsV1().Deployments(test.ServingNamespace).Get(revName+"-deployment", metav1.GetOptions{}) if err != nil { t.Fatalf("Failed to get Deployment for Revision %s, err: %v", revName, err) } if deployment.Status.AvailableReplicas < int32(minScale) { t.Fatalf("Reported ready with %d replicas when minScale was %d", deployment.Status.AvailableReplicas, minScale) } }
selectNative.m.css.d.ts
export const root: string; export const xs: string; export const s: string;
export const l: string; export const xl: string; export const xxl: string; export const sans: string; export const serif: string; export const inputWrapper: string; export const box: string; export const select: string; export const focused: string; export const arrow: string; export const labelRoot: string; export const labelActive: string; export const iconIcon: string; export const blankOption: string; export const disabled: string; export const required: string;
export const m: string;
settings.js
(function(){var b={};b["summit.adobe.com|2305"]={id:2305,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,53,56,64,66,82,128,131,139,141,168,249,259,290,348,395,414,467,560,635,673,828,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",249:"facebook",831:"linkedin",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",53:"demandbase",82:"google",828:"youtube",66:"facebook-connect",3490:"facebook-custom-audience",290:"mediamath",937:"tapad",560:"the-trade-desk",4160:"beeswax",1647:"liveramp",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["status.adobe.com|2306"]={id:2306,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[],2:[2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit"}};b["xd.adobe.com|2309"]={id:2309,themeId:854,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:37012,"nl-be":37027},en:{"en-gb":37013,"en-us":37014,"en-ca":37056},fr:{fr:37015,"fr-ch":37026,"fr-ca":37046},de:{de:37016,"de-ch":37025,"de-at":37051},it:{it:37017},es:{es:37018,"es-us":37028,"es-ar":37064},da:{da:37019},no:{no:37020},pl:{pl:37021},sv:{sv:37022},sk:{sk:37023},hu:{hu:37024},fi:{fi:37029},pt:{pt:37030,"pt-br":37031},cs:{cs:37032},el:{el:37033},bg:{bg:37034},ro:{ro:37035},et:{et:37036},lv:{lv:37037},lt:{lt:37038},sl:{sl:37039},ru:{ru:37042},tr:{tr:37043},he:{he:37045},zh:{"zh-cn":37047,"zh-tw":37048},ko:{ko:37049},ja:{ja:37050},hr:{hr:37053},rs:{rs:37055},uk:{uk:37061}},defaultTranslation:{id:37014,code:"en-us"},vendors:{1:[128,395,467,942]},vendorLinks:{942:"new-relic",128:"adobe-marketing-cloud-analytics",467:"adobe-marketing-cloud-target",395:"adobe-marketing-cloud-audience-manager"}};b["adobe.com/fr/privacy/reconsent|3129"]={id:3129,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/de/privacy/reconsent|3338"]={id:3338,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/it/privacy/reconsent|3339"]={id:3339,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/ie/privacy/reconsent|3340"]={id:3340,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/es/privacy/reconsent|3341"]={id:3341,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/nl/privacy/reconsent|3342"]={id:3342,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/pl/privacy/reconsent|3344"]={id:3344,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/se/privacy/reconsent|3347"]={id:3347,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/pt/privacy/reconsent|3348"]={id:3348,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/dk/privacy/reconsent|3349"]={id:3349,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/fi/privacy/reconsent|3350"]={id:3350,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/cz/privacy/reconsent|3351"]={id:3351,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/ro/privacy/reconsent|3352"]={id:3352,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/hu/privacy/reconsent|3353"]={id:3353,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/gr_en/privacy/reconsent|3354"]={id:3354,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/bg/privacy/reconsent|3355"]={id:3355,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/sk/privacy/reconsent|3356"]={id:3356,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},uk:{uk:1592},ms:{ms:1593}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/hr/privacy/reconsent|3357"]={id:3357,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/si/privacy/reconsent|3358"]={id:3358,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["adobe.com/privacy/reconsent|3393"]={id:3393,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["esign.adobe.com|3836"]={id:3836,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},10:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},11:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},12:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},13:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},17:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},21:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},38:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},39:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},40:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},41:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},42:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},43:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},44:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},45:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},46:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},47:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},48:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},49:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},50:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},51:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},53:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},55:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},56:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},57:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},59:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},60:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},62:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},63:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},64:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},67:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},68:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},70:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},71:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},72:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},73:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},74:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},75:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},76:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},77:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},78:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},79:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},80:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},81:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},82:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},83:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},84:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},85:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},86:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},87:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},88:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},89:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},90:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},91:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},92:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},93:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},95:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},96:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},97:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},98:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},99:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},100:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},101:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},102:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},103:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},104:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},105:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},106:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},107:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},108:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},109:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},110:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},111:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},112:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},113:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},114:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},115:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},116:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},117:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},118:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},119:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},120:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},122:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},123:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},124:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},125:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},126:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},127:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,82,92,108,128,131,139,141,143,168,174,259,290,348,395,414,467,560,635,673,831,933,937,948,1028,1647,2884,3524,4160]},vendorLinks:{128:"adobe-marketing-cloud-analytics",2884:"adobe-creative-cloud-typekit",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",53:"demandbase",92:"iperceptions",41:"clicktale",174:"twitter",108:"marketo",831:"linkedin",82:"google",4160:"beeswax",1647:"liveramp",290:"mediamath",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",1028:"microsoft-advertising",141:"rocket-fuel",143:"salesforce",139:"quantcast",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["prestage.accounts.adobe.com|5670"]={id:5670,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},10:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},11:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},12:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},13:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},17:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},21:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},38:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},39:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},40:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},41:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},42:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},43:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},44:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},45:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},46:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},47:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},48:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},49:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},50:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},51:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},53:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},55:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},56:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},57:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},59:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},60:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},62:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},63:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},64:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},67:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},68:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},70:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},71:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},72:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},73:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},74:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},75:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},76:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},77:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},78:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},79:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},80:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},81:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},82:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},83:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},84:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},85:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},86:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},87:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},88:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},89:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},90:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},91:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},92:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},93:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},95:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},96:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},97:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},98:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},99:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},100:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},101:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},102:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},103:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},104:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},105:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},106:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},107:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},108:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},109:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},110:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},111:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},112:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},113:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},114:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},115:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},116:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},117:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},118:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},119:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},120:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},122:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},123:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},124:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},125:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},126:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},127:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[53,82,128,395,442,467,942,2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",467:"adobe-marketing-cloud-target",82:"google",442:"flashtalking",942:"new-relic"}};b["guided.adobe.com|5923"]={id:5923,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},31:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[],2:[128,395,467,2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target"}};b["guided.corp.adobe.com|5924"]={id:5924,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},10:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},11:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},12:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},13:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},17:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},21:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},38:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},39:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},40:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},41:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},42:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},43:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},44:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},45:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},46:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},47:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},48:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},49:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},50:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},51:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},53:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},55:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},56:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},57:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},59:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},60:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},62:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},63:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},64:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},67:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},68:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},70:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},71:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},72:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},73:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},74:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},75:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},76:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},77:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},78:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},79:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},80:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},81:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},82:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},83:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},84:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},85:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},86:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},87:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},88:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},89:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},90:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},91:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},92:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},93:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},95:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},96:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},97:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},98:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},99:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},100:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},101:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},102:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},103:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},104:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},105:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},106:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},107:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},108:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},109:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},110:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},111:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},112:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},113:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},114:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},115:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},116:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},117:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},118:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},119:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},120:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},122:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},123:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},124:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},125:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},126:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},127:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:9,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["commerce.adobe.com|6134"]={id:6134,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["spark.adobe.com|6187"]={id:6187,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[],2:[53,66,82,128,242,249,395,2399,2884]},vendorLinks:{82:"google",2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",242:"evidon",249:"facebook",2399:"lucky-orange",66:"facebook-connect"}};b["creativecloud.adobe.com|6366"]={id:6366,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[11,128,467,942,2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit",942:"new-relic",128:"adobe-marketing-cloud-analytics",467:"adobe-marketing-cloud-target",11:"akamai-technologies"}};b["help.adobe.com/en_us/flashplatform/reference/actionscript/3/|6370"]={id:6370,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},10:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},11:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},12:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},13:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},17:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},21:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},38:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},39:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},40:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},41:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},42:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},43:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},44:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},45:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},46:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},47:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},48:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},49:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},50:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},51:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},53:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},55:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},56:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},57:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},59:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},60:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},62:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},63:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},64:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},67:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},68:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},70:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},71:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},72:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},73:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},74:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},75:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},76:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},77:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},78:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},79:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},80:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},81:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},82:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},83:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},84:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},85:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},86:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},87:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},88:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},89:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},90:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},91:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},92:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},93:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},95:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},96:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},97:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},98:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},99:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},100:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},101:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},102:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},103:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},104:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},105:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},106:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},107:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},108:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},109:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},110:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},111:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},112:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},113:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},114:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},115:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},116:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},117:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},118:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},119:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},120:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},122:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},123:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},124:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},125:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},126:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},127:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:9,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["stock.adobe.com|6521"]={id:6521,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[],2:[17,36,53,56,64,66,82,128,131,139,141,168,242,249,259,290,348,395,414,442,467,560,635,673,831,933,937,942,948,1028,1306,1647,2884,3490,3524,4160]},vendorLinks:{128:"adobe-marketing-cloud-analytics",2884:"adobe-creative-cloud-typekit",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",242:"evidon",467:"adobe-marketing-cloud-target",942:"new-relic",442:"flashtalking",249:"facebook",831:"linkedin",82:"google",1028:"microsoft-advertising",66:"facebook-connect",290:"mediamath",4160:"beeswax",1647:"liveramp",3490:"facebook-custom-audience",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",948:"aol-advertising",56:"dotomi",1306:"pinterest",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["lightroom.adobe.com|6735"]={id:6735,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},10:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},11:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},12:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},13:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},17:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},21:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},38:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},39:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},40:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},41:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},42:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},43:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},44:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},45:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},46:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},47:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},48:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},49:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},50:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},51:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},53:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},55:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},56:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},57:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},59:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},60:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},62:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},63:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},64:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},67:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},68:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},70:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},71:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},72:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},73:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},74:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},75:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},76:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},77:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},78:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},79:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},80:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},81:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},82:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},83:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},84:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},85:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},86:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},87:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},88:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},89:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},90:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},91:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},92:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},93:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},95:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},96:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},97:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},98:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},99:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},100:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},101:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},102:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},103:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},104:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},105:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},106:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},107:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},108:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},109:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},110:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},111:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},112:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},113:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},114:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},115:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},116:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},117:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},118:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},119:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},120:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},122:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},123:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},124:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},125:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},126:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},127:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:9,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[53,82,128,395,942,2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",942:"new-relic",82:"google"}};b["muse.adobe.com|6854"]={id:6854,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},10:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},11:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},12:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},13:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},17:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},21:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},38:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},39:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},40:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},41:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},42:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},43:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},44:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},45:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},46:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},47:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},48:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},49:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},50:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},51:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},53:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},55:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},56:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},57:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},59:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},60:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},62:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},63:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},64:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},67:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},68:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},70:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},71:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},72:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},73:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},74:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},75:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},76:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},77:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},78:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},79:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},80:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},81:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},82:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},83:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},84:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},85:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},86:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},87:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},88:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},89:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},90:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},91:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},92:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},93:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},95:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},96:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},97:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},98:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},99:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},100:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},101:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},102:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},103:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},104:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},105:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},106:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},107:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},108:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},109:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},110:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},111:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},112:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},113:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},114:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},115:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},116:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},117:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},118:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},119:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},120:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},122:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},123:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},124:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},125:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},126:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},127:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:9,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,53,56,64,82,128,131,139,141,168,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,2884,3524]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",82:"google",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",467:"adobe-marketing-cloud-target",831:"linkedin",442:"flashtalking",290:"mediamath",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["documents.xyz.adobe.com|6930"]={id:6930,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[82,128,242,467,2884,5026]},vendorLinks:{467:"adobe-marketing-cloud-target",82:"google",5026:"walk-me",2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",242:"evidon"}};b["documentslocal.adobe.com|6931"]={id:6931,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[82,128,242,467,2884,5026]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",467:"adobe-marketing-cloud-target",242:"evidon",82:"google",5026:"walk-me"}};b["adobe.com|7132"]={id:7132,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:2},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,948,1028,1647,2884,3490,3524,4160],2:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax",942:"new-relic"}};b["elearning.dev.adobe.com|7295"]={id:7295,themeId:58,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},10:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},13:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},17:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},21:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},38:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},44:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},45:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},46:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},47:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},48:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},55:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},56:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},57:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},59:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},60:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},62:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},63:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},64:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},67:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},68:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},70:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},71:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},72:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},81:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},101:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},120:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},122:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},123:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},124:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},125:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},126:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},127:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:9,translations:{nl:{nl:22326,"nl-be":22341},en:{"en-gb":22327,"en-us":22328,"en-ca":22370},fr:{fr:22329,"fr-ch":22340,"fr-ca":22360},de:{de:22330,"de-ch":22339,"de-at":22365},it:{it:22331},es:{es:22332,"es-us":22342,"es-ar":22378},da:{da:22333},no:{no:22334},pl:{pl:22335},sv:{sv:22336},sk:{sk:22337},hu:{hu:22338},fi:{fi:22343},pt:{pt:22344,"pt-br":22345},cs:{cs:22346},el:{el:22347},bg:{bg:22348},ro:{ro:22349},et:{et:22350},lv:{lv:22351},lt:{lt:22352},sl:{sl:22353},mt:{mt:22354},is:{is:22355},ru:{ru:22356},tr:{tr:22357},ar:{ar:22358,"ar-eg":22377},he:{he:22359},zh:{"zh-cn":22361,"zh-tw":22362},ko:{ko:22363},ja:{ja:22364},ca:{ca:22366},hr:{hr:22367},mk:{mk:22368},rs:{rs:22369},hy:{hy:22371},id:{id:22372},ph:{ph:22373},th:{th:22374},uk:{uk:22375},ms:{ms:22376},ka:{ka:22379},az:{az:22380},vi:{vi:22381}},defaultTranslation:{id:22328,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["adobe.com/privacy/reconsent/|7523"]={id:7523,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,933,937,942,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{17:"appnexus",36:"casale-media",41:"clicktale",53:"demandbase",56:"dotomi",64:"exponential-interactive",66:"facebook-connect",82:"google",92:"iperceptions",128:"adobe-marketing-cloud-analytics",131:"openx",139:"quantcast",141:"rocket-fuel",168:"rubicon-project",242:"evidon",249:"facebook",259:"media-innovation-group",290:"mediamath",348:"pubmatic",395:"adobe-marketing-cloud-audience-manager",414:"adobe",442:"flashtalking",467:"adobe-marketing-cloud-target",532:"magnetic",560:"the-trade-desk",635:"spotxchange",673:"radiumone",933:"bombora",937:"tapad",942:"new-relic",948:"aol-advertising",1028:"microsoft-advertising",1647:"liveramp",2884:"adobe-creative-cloud-typekit",3490:"facebook-custom-audience",3524:"clearstream-dot-tv",4160:"beeswax"}};b["accounts.adobe.com|7530"]={id:7530,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[53,128,395,467,2884]},vendorLinks:{128:"adobe-marketing-cloud-analytics",2884:"adobe-creative-cloud-typekit",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",467:"adobe-marketing-cloud-target"}};b["creative.adobe.com|7545"]={id:7545,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,41,53,56,64,66,82,92,128,131,139,141,168,242,249,259,290,348,395,414,442,467,532,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",17:"appnexus",467:"adobe-marketing-cloud-target",831:"linkedin",242:"evidon",92:"iperceptions",41:"clicktale",82:"google",442:"flashtalking",249:"facebook",532:"magnetic",290:"mediamath",66:"facebook-connect",4160:"beeswax",1647:"liveramp",3490:"facebook-custom-audience",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.io|7705"]={id:7705,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[53,82,128,395,442,828,831,2884]},vendorLinks:{128:"adobe-marketing-cloud-analytics",2884:"adobe-creative-cloud-typekit",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",828:"youtube",82:"google",831:"linkedin",442:"flashtalking"}};b["assets.adobe.com|8061"]={id:8061,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit"}};b["max.adobe.com|8074"]={id:8074,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[17,36,53,56,64,82,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,2884,3524]},vendorLinks:{2884:"adobe-creative-cloud-typekit",242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",82:"google",467:"adobe-marketing-cloud-target",831:"linkedin",442:"flashtalking",290:"mediamath",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/creativecloud/plans|8436"]={id:8436,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/de/creativecloud/plans|8507"]={id:8507,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/jp/creativecloud/plans|8508"]={id:8508,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/se/creativecloud/plans|8509"]={id:8509,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/it/creativecloud/plans|8510"]={id:8510,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/es/creativecloud/plans|8511"]={id:8511,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/nl/creativecloud/plans|8512"]={id:8512,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/dk/creativecloud/plans|8513"]={id:8513,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/no/creativecloud/plans|8514"]={id:8514,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/fi/creativecloud/plans|8515"]={id:8515,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ca_fr/creativecloud/plans|8516"]={id:8516,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/br/creativecloud/plans|8517"]={id:8517,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/la/creativecloud/plans|8518"]={id:8518,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/mx/creativecloud/plans|8519"]={id:8519,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/kr/creativecloud/plans|8520"]={id:8520,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/cn/creativecloud/plans|8521"]={id:8521,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/tw/creativecloud/plans|8522"]={id:8522,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/hk_zh/creativecloud/plans|8523"]={id:8523,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/sea/creativecloud/plans|8524"]={id:8524,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/africa/creativecloud/plans|8525"]={id:8525,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/bg/creativecloud/plans|8526"]={id:8526,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/cy_en/creativecloud/plans|8527"]={id:8527,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/cz/creativecloud/plans|8528"]={id:8528,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ee/creativecloud/plans|8529"]={id:8529,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/hr/creativecloud/plans|8530"]={id:8530,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/gr_en/creativecloud/plans|8531"]={id:8531,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/hu/creativecloud/plans|8532"]={id:8532,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/lt/creativecloud/plans|8533"]={id:8533,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/lv/creativecloud/plans|8534"]={id:8534,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/mt/creativecloud/plans|8535"]={id:8535,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/pl/creativecloud/plans|8536"]={id:8536,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ro/creativecloud/plans|8537"]={id:8537,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/rs/creativecloud/plans|8538"]={id:8538,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ru/creativecloud/plans|8539"]={id:8539,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/sk/creativecloud/plans|8540"]={id:8540,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/si/creativecloud/plans|8541"]={id:8541,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/tr/creativecloud/plans|8542"]={id:8542,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ua/creativecloud/plans|8543"]={id:8543,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/at/creativecloud/plans|8544"]={id:8544,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/au/creativecloud/plans|8545"]={id:8545,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/be_en/creativecloud/plans|8546"]={id:8546,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/be_fr/creativecloud/plans|8547"]={id:8547,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/be_nl/creativecloud/plans|8548"]={id:8548,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ca/creativecloud/plans|8549"]={id:8549,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ch_de/creativecloud/plans|8550"]={id:8550,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ch_fr/creativecloud/plans|8551"]={id:8551,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ch_it/creativecloud/plans|8552"]={id:8552,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/hk_en/creativecloud/plans|8553"]={id:8553,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/in/creativecloud/plans|8554"]={id:8554,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/ie/creativecloud/plans|8555"]={id:8555,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/lu_de/creativecloud/plans|8556"]={id:8556,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/lu_en/creativecloud/plans|8557"]={id:8557,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/lu_fr/creativecloud/plans|8558"]={id:8558,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/nz/creativecloud/plans|8559"]={id:8559,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/il_he/creativecloud/plans|8560"]={id:8560,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/il_en/creativecloud/plans|8561"]={id:8561,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/mena_ar/creativecloud/plans|8562"]={id:8562,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/mena_fr/creativecloud/plans|8563"]={id:8563,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/mena_en/creativecloud/plans|8564"]={id:8564,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/pt/creativecloud/plans|8565"]={id:8565,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/cis_ru/creativecloud/plans|8566"]={id:8566,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["adobe.com/cis_en/creativecloud/plans|8567"]={id:8567,themeId:529,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3490,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",831:"linkedin",82:"google",442:"flashtalking",290:"mediamath",4160:"beeswax",1647:"liveramp",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",3490:"facebook-custom-audience",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["shared-assets.adobe.com|8855"]={id:8855,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit"}};b["www.dev01.adobe.com|8866"]={id:8866,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["not.adobe.com|10704"]={id:10704,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:3,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[467]},vendorLinks:{467:"adobe-marketing-cloud-target"}};b["contributor.stock.adobe.com|10718"]={id:10718,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[56,64,82,139,141,242,290,395,414,560,673,937,942,948,1028,2884,5076]},vendorLinks:{395:"adobe-marketing-cloud-audience-manager",290:"mediamath",937:"tapad",560:"the-trade-desk",82:"google",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",5076:"polyfill-dot-io",2884:"adobe-creative-cloud-typekit",242:"evidon",942:"new-relic"}};b["adobeid-na1-stg1.services.adobe.com|10813"]={id:10813,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["adobeid-na1.services.adobe.com|10837"]={id:10837,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["adobeid-na1-i.services.adobe.com|10876"]={id:10876,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["www.qa01.adobe.com/genuine/landing-cc|11085"]={id:11085,themeId:996,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:7,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13695,"nl-be":13710},en:{"en-gb":13696,"en-us":13697,"en-ca":13739},fr:{fr:13698,"fr-ch":13709,"fr-ca":13729},de:{de:13699,"de-ch":13708,"de-at":13734},it:{it:13700},es:{es:13701,"es-us":13711,"es-ar":13747},da:{da:13702},no:{no:13703},pl:{pl:13704},sv:{sv:13705},sk:{sk:13706},hu:{hu:13707},fi:{fi:13712},pt:{pt:13713,"pt-br":13714},cs:{cs:13715},el:{el:13716},bg:{bg:13717},ro:{ro:13718},et:{et:13719},lv:{lv:13720},lt:{lt:13721},sl:{sl:13722},mt:{mt:13723},ru:{ru:13725},tr:{tr:13726},he:{he:13728},zh:{"zh-cn":13730,"zh-tw":13731},ko:{ko:13732},ja:{ja:13733},ca:{ca:13735},hr:{hr:13736},rs:{rs:13738},uk:{uk:13744}},defaultTranslation:{id:13697,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["www.adobe.com/genuine/landing-cc|11091"]={id:11091,themeId:788,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,41,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3524,4160]},vendorLinks:{242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit",467:"adobe-marketing-cloud-target",92:"iperceptions",41:"clicktale",82:"google",442:"flashtalking",831:"linkedin",4160:"beeswax",1647:"liveramp",290:"mediamath",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",259:"media-innovation-group",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange"}};b["www.stage.adobe.com/genuine/landing-cc|11092"]={id:11092,themeId:788,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["www.adobe.com/uk/genuine/landing-cc|11163"]={id:11163,themeId:788,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,41,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3524,4160]},vendorLinks:{948:"aol-advertising",414:"adobe",2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",17:"appnexus",4160:"beeswax",933:"bombora",3524:"clearstream-dot-tv",41:"clicktale",53:"demandbase",56:"dotomi",242:"evidon",64:"exponential-interactive",442:"flashtalking",82:"google",36:"casale-media",831:"linkedin",1647:"liveramp",259:"media-innovation-group",290:"mediamath",1028:"microsoft-advertising",131:"openx",348:"pubmatic",139:"quantcast",673:"radiumone",141:"rocket-fuel",168:"rubicon-project",635:"spotxchange",937:"tapad",560:"the-trade-desk",92:"iperceptions"}};b["www.adobe.com/au/genuine/landing-cc|11164"]={id:11164,themeId:788,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,41,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3524,4160]},vendorLinks:{948:"aol-advertising",414:"adobe",2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",17:"appnexus",4160:"beeswax",933:"bombora",3524:"clearstream-dot-tv",41:"clicktale",53:"demandbase",56:"dotomi",242:"evidon",64:"exponential-interactive",442:"flashtalking",82:"google",36:"casale-media",831:"linkedin",1647:"liveramp",259:"media-innovation-group",290:"mediamath",1028:"microsoft-advertising",131:"openx",348:"pubmatic",139:"quantcast",673:"radiumone",141:"rocket-fuel",168:"rubicon-project",635:"spotxchange",937:"tapad",560:"the-trade-desk",92:"iperceptions"}};b["www.adobe.com/nz/genuine/landing-cc|11165"]={id:11165,themeId:788,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681},ka:{ka:13685}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,41,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3524,4160]},vendorLinks:{948:"aol-advertising",414:"adobe",2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",17:"appnexus",4160:"beeswax",933:"bombora",3524:"clearstream-dot-tv",41:"clicktale",53:"demandbase",56:"dotomi",242:"evidon",64:"exponential-interactive",442:"flashtalking",82:"google",36:"casale-media",831:"linkedin",1647:"liveramp",259:"media-innovation-group",290:"mediamath",1028:"microsoft-advertising",131:"openx",348:"pubmatic",139:"quantcast",673:"radiumone",141:"rocket-fuel",168:"rubicon-project",635:"spotxchange",937:"tapad",560:"the-trade-desk",92:"iperceptions"}};b["www.adobe.com/jp/genuine/landing-cc|11167"]={id:11167,themeId:788,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,41,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3524,4160]},vendorLinks:{948:"aol-advertising",414:"adobe",2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",17:"appnexus",4160:"beeswax",933:"bombora",3524:"clearstream-dot-tv",41:"clicktale",53:"demandbase",56:"dotomi",242:"evidon",64:"exponential-interactive",442:"flashtalking",82:"google",36:"casale-media",831:"linkedin",1647:"liveramp",259:"media-innovation-group",290:"mediamath",1028:"microsoft-advertising",131:"openx",348:"pubmatic",139:"quantcast",673:"radiumone",141:"rocket-fuel",168:"rubicon-project",635:"spotxchange",937:"tapad",560:"the-trade-desk",92:"iperceptions"}};b["www.adobe.com/br/genuine/landing-cc|11168"]={id:11168,themeId:788,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681},ka:{ka:13685}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,41,53,56,64,82,92,128,131,139,141,168,242,259,290,348,395,414,442,467,560,635,673,831,933,937,948,1028,1647,2884,3524,4160]},vendorLinks:{948:"aol-advertising",414:"adobe",2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",17:"appnexus",4160:"beeswax",933:"bombora",3524:"clearstream-dot-tv",41:"clicktale",53:"demandbase",56:"dotomi",242:"evidon",64:"exponential-interactive",442:"flashtalking",82:"google",36:"casale-media",831:"linkedin",1647:"liveramp",259:"media-innovation-group",290:"mediamath",1028:"microsoft-advertising",131:"openx",348:"pubmatic",139:"quantcast",673:"radiumone",141:"rocket-fuel",168:"rubicon-project",635:"spotxchange",937:"tapad",560:"the-trade-desk",92:"iperceptions"}};b["account.adobe.com|11505"]={id:11505,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[53,128,395,467,2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",467:"adobe-marketing-cloud-target",53:"demandbase"}};b["portfolio.adobe.com|11860"]={id:11860,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},mt:{mt:13660},is:{is:13661},ru:{ru:13662},tr:{tr:13663},ar:{ar:13664,"ar-eg":13683},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},ca:{ca:13672},hr:{hr:13673},mk:{mk:13674},rs:{rs:13675},hy:{hy:13677},id:{id:13678},ph:{ph:13679},th:{th:13680},uk:{uk:13681},ms:{ms:13682},ka:{ka:13685},az:{az:13686},vi:{vi:13687}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[82,128,174,395,467,942,2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",467:"adobe-marketing-cloud-target",942:"new-relic",395:"adobe-marketing-cloud-audience-manager",82:"google",174:"twitter"}};b["www.dev01.adobe.com/uk|12874"]={id:12874,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:8,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["documentcloud.adobe.com|13118"]={id:13118,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:27884,"nl-be":27899},en:{"en-gb":27885,"en-us":27886,"en-ca":27928},fr:{fr:27887,"fr-ch":27898,"fr-ca":27918},de:{de:27888,"de-ch":27897,"de-at":27923},it:{it:27889},es:{es:27890,"es-us":27900,"es-ar":27936},da:{da:27891},no:{no:27892},pl:{pl:27893},sv:{sv:27894},sk:{sk:27895},hu:{hu:27896},fi:{fi:27901},pt:{pt:27902,"pt-br":27903},cs:{cs:27904},el:{el:27905},bg:{bg:27906},ro:{ro:27907},et:{et:27908},lv:{lv:27909},lt:{lt:27910},sl:{sl:27911},ru:{ru:27914},tr:{tr:27915},he:{he:27917},zh:{"zh-cn":27919,"zh-tw":27920},ko:{ko:27921},ja:{ja:27922},hr:{hr:27925},rs:{rs:27927},uk:{uk:27933}},defaultTranslation:{id:27886,code:"en-us"},vendors:{1:[53,242,395,2884]},vendorLinks:{242:"evidon",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",2884:"adobe-creative-cloud-typekit"}};b["team.accounts.adobe.com|13191"]={id:13191,themeId:199,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},ru:{ru:1573},tr:{tr:1574},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},hr:{hr:1584},rs:{rs:1586},uk:{uk:1592}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[53,128,242,395,467,2884]},vendorLinks:{2884:"adobe-creative-cloud-typekit",242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",467:"adobe-marketing-cloud-target"}};b["exploreadobe.com|13282"]={id:13282,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:5,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[36,53,56,82,128,131,139,141,168,242,259,290,395,414,442,467,560,635,673,831,933,937,1028,2884,3524,4166]},vendorLinks:{2884:"adobe-creative-cloud-typekit",242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",467:"adobe-marketing-cloud-target",82:"google",442:"flashtalking",831:"linkedin",290:"mediamath",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",56:"dotomi",933:"bombora",259:"media-innovation-group",4166:"bidtellect",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",131:"openx",635:"spotxchange"}};b["commerce.adobe.com/checkout/email/?cli=creative&co=us&lang=en&items%5b0%5d%5bid%5d=43538f47236c326e137a08307bfa70f2&promoid=rtqcn6j1&mv=other|13613"]={id:13613,themeId:58,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:9,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["exploreadobe.com/retail-shopping-insights|13730"]={id:13730,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:2,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:10,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[36,53,56,82,128,131,139,141,168,242,259,290,395,414,442,467,560,635,673,831,933,937,1028,2884,3524,4166]},vendorLinks:{2884:"adobe-creative-cloud-typekit",242:"evidon",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",467:"adobe-marketing-cloud-target",82:"google",442:"flashtalking",831:"linkedin",290:"mediamath",937:"tapad",560:"the-trade-desk",414:"adobe",673:"radiumone",141:"rocket-fuel",139:"quantcast",1028:"microsoft-advertising",56:"dotomi",933:"bombora",259:"media-innovation-group",4166:"bidtellect",3524:"clearstream-dot-tv",168:"rubicon-project",36:"casale-media",131:"openx",635:"spotxchange"}};b["stage.account.adobe.com|15282"]={id:15282,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[]},vendorLinks:{}};b["www.stage.adobe.com/uk|16213"]={id:16213,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:4,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:1,translations:{nl:{nl:13695,"nl-be":13710},en:{"en-gb":13696,"en-us":13697,"en-ca":13739},fr:{fr:13698,"fr-ch":13709,"fr-ca":13729},de:{de:13699,"de-ch":13708,"de-at":13734},it:{it:13700},es:{es:13701,"es-us":13711,"es-ar":13747},da:{da:13702},no:{no:13703},pl:{pl:13704},sv:{sv:13705},sk:{sk:13706},hu:{hu:13707},fi:{fi:13712},pt:{pt:13713,"pt-br":13714},cs:{cs:13715},el:{el:13716},bg:{bg:13717},ro:{ro:13718},et:{et:13719},lv:{lv:13720},lt:{lt:13721},sl:{sl:13722},ru:{ru:13725},tr:{tr:13726},he:{he:13728},zh:{"zh-cn":13730,"zh-tw":13731},ko:{ko:13732},ja:{ja:13733},hr:{hr:13736},rs:{rs:13738},uk:{uk:13744}},defaultTranslation:{id:13697,code:"en-us"},vendors:{1:[108]},vendorLinks:{108:"marketo"}};b["cbconnection.adobe.com|16533"]={id:16533,themeId:909,consentDisplayType:1,division:"Adobe",includeSubdomains:1,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:1,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:6,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:11,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:9,translations:{nl:{nl:13632,"nl-be":13647},en:{"en-gb":13633,"en-us":13634,"en-ca":13676},fr:{fr:13635,"fr-ch":13646,"fr-ca":13666},de:{de:13636,"de-ch":13645,"de-at":13671},it:{it:13637},es:{es:13638,"es-us":13648,"es-ar":13684},da:{da:13639},no:{no:13640},pl:{pl:13641},sv:{sv:13642},sk:{sk:13643},hu:{hu:13644},fi:{fi:13649},pt:{pt:13650,"pt-br":13651},cs:{cs:13652},el:{el:13653},bg:{bg:13654},ro:{ro:13655},et:{et:13656},lv:{lv:13657},lt:{lt:13658},sl:{sl:13659},ru:{ru:13662},tr:{tr:13663},he:{he:13665},zh:{"zh-cn":13667,"zh-tw":13668},ko:{ko:13669},ja:{ja:13670},hr:{hr:13673},rs:{rs:13675},uk:{uk:13681},vi:{vi:13687}},defaultTranslation:{id:13634,code:"en-us"},vendors:{1:[17,36,53,56,64,82,100,128,131,139,168,290,348,384,395,414,442,467,635,673,674,761,831,933,937,948,1028,1647,2708,2884,3524,4166,4550]},vendorLinks:{2884:"adobe-creative-cloud-typekit",128:"adobe-marketing-cloud-analytics",395:"adobe-marketing-cloud-audience-manager",53:"demandbase",467:"adobe-marketing-cloud-target",100:"liveperson",82:"google",290:"mediamath",442:"flashtalking",831:"linkedin",937:"tapad",1647:"liveramp",414:"adobe",673:"radiumone",384:"sizmek-formerly-mediamind",139:"quantcast",1028:"microsoft-advertising",948:"aol-advertising",56:"dotomi",64:"exponential-interactive",933:"bombora",4166:"bidtellect",3524:"clearstream-dot-tv",674:"liveintent",168:"rubicon-project",36:"casale-media",17:"appnexus",131:"openx",348:"pubmatic",635:"spotxchange",2708:"merkle",761:"brighttag",4550:"mediawallah"}};b["commerce.adobe.com/checkout/email/?cli=creative&co=us&lang=en&items%5b0%5d%5bid%5d=30404a88d89a328584307175b8b27616&items%5b0%5d%5bcs%5d=1&promoid=p3kmqymw&mv=other|17594"]={id:17594,themeId:58,consentDisplayType:1,division:"Adobe",includeSubdomains:0,dataRightsFormEmails:{},rightsLinks:{},privacyLinks:{},pubvendorsLinks:{},countries:{1:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},3:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},4:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},5:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},6:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},7:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},8:{consentTemplate:14,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},9:{consentTemplate:9,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},15:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},16:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},18:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},19:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},20:{consentTemplate:14,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},22:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},23:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},24:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},25:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},26:{consentTemplate:14,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},27:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},28:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},29:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},30:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},31:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},32:{consentTemplate:9,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},33:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},34:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},35:{consentTemplate:12,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},36:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},37:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1},61:{consentTemplate:13,dataRightsType:0,rightslinkId:0,dataRightsFormEmailId:0,privacyLinkId:0,pubvendorsLinkId:0,vendor:1}},defaultCountry:9,translations:{nl:{nl:1543,"nl-be":1558},en:{"en-gb":1544,"en-us":1545,"en-ca":1587},fr:{fr:1546,"fr-ch":1557,"fr-ca":1577},de:{de:1547,"de-ch":1556,"de-at":1582},it:{it:1548},es:{es:1549,"es-us":1559,"es-ar":1595},da:{da:1550},no:{no:1551},pl:{pl:1552},sv:{sv:1553},sk:{sk:1554},hu:{hu:1555},fi:{fi:1560},pt:{pt:1561,"pt-br":1562},cs:{cs:1563},el:{el:1564},bg:{bg:1565},ro:{ro:1566},et:{et:1567},lv:{lv:1568},lt:{lt:1569},sl:{sl:1570},mt:{mt:1571},is:{is:1572},ru:{ru:1573},tr:{tr:1574},ar:{ar:1575,"ar-eg":1594},he:{he:1576},zh:{"zh-cn":1578,"zh-tw":1579},ko:{ko:1580},ja:{ja:1581},ca:{ca:1583},hr:{hr:1584},mk:{mk:1585},rs:{rs:1586},hy:{hy:1588},id:{id:1589},ph:{ph:1590},th:{th:1591},uk:{uk:1592},ms:{ms:1593},ka:{ka:1596},az:{az:1597},vi:{vi:1598}},defaultTranslation:{id:1545,code:"en-us"},vendors:{1:[]},vendorLinks:{}};var a={1:{consentRequired:0,consentid:1,accessid:1,duration:13,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},2:{consentRequired:1,consentid:2,accessid:1,duration:13,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},3:{consentRequired:0,consentid:2,accessid:1,duration:0,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},4:{consentRequired:1,consentid:3,accessid:1,duration:13,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},5:{consentRequired:0,consentid:1,accessid:1,duration:13,consentactions:"n",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},6:{consentRequired:1,consentid:2,accessid:1,duration:13,consentactions:"n",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},7:{consentRequired:1,consentid:3,accessid:1,duration:13,consentactions:"",l2enabled:1,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},8:{consentRequired:0,consentid:1,accessid:1,duration:13,consentactions:"",l2enabled:1,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:0,consentDetailLevel:"",adChoicesEnabled:1},9:{consentRequired:0,consentid:2,accessid:1,duration:13,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},10:{consentRequired:1,consentid:2,accessid:2,duration:13,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:1,consentDetailLevel:"",adChoicesEnabled:1},11:{consentRequired:1,consentid:2,accessid:2,duration:13,consentactions:"n",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:0,consentDetailLevel:"",adChoicesEnabled:1},12:{consentRequired:0,consentid:1,accessid:1,duration:0,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:0,consentDetailLevel:"",adChoicesEnabled:1},13:{consentRequired:0,consentid:2,accessid:2,duration:13,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:0,consentDetailLevel:"",adChoicesEnabled:1},14:{consentRequired:0,consentid:3,accessid:2,duration:13,consentactions:"",l2enabled:0,iabEnabled:0,gdprEnabled:0,closeConsentEnabled:0,consentDetailLevel:"",adChoicesEnabled:1}};if(!window.evidon){window.evidon={}}window.evidon.consentTemplates=a;if(window.evidon.notice){window.evidon.notice.loadSettings(b)}else{window.evidon.settings=b}})();
Exists.ts
export default function (des: string, a: any, isExits: boolean, errors: { msg?: string, child?: { actual: any, expect: any }, actual?: any, expect?: any, status: number }[]) { try { if (isExits) { if (a === null || a === undefined) throw new Error('Null or undefined!') if (typeof a === 'string' && (a as string).trim().length === 0) { throw new Error(`Empty!`) } errors.push({ msg: des || `Existed`, status: 1 }) } else { if (a !== null && a !== undefined) throw new Error('Got value!') if (typeof a === 'string' && (a as string).trim().length !== 0) { throw new Error(`Not empty!`) } errors.push({ msg: des || `Not existed`, status: 1 }) } } catch (err) { errors.push({ msg: `${des} (${err.message})`, status: -1, child: { actual: a, expect: isExits ? 'Must NOT be in [null, undefined, ""]' : 'Must be in [null, undefined, ""]' } })
} }
borrowed-resources.rs
extern crate sfml; use sfml::graphics::{ CircleShape, Color, ConvexShape, Font, RenderTarget, RenderWindow, Sprite, Text, Texture, Transformable, }; use sfml::window::{Event, Key, Style}; fn
() { let mut window = RenderWindow::new( (800, 600), "Borrowed resources", Style::CLOSE, &Default::default(), ); window.set_vertical_sync_enabled(true); // Create a new texture. (Hey Frank!) let frank = Texture::from_file("resources/frank.jpeg").unwrap(); // Create a font. let font = Font::from_file("resources/sansation.ttf").unwrap(); // Create a circle with the Texture. let mut circle = CircleShape::with_texture(&frank); circle.set_radius(70.0); circle.set_position((100.0, 100.0)); // Create a Sprite. let mut sprite = Sprite::new(); // Have it use the same texture as the circle. sprite.set_texture(&frank, true); sprite.set_position((400.0, 300.0)); sprite.set_scale((0.5, 0.5)); // Create a ConvexShape using the same texture. let mut convex_shape = ConvexShape::with_texture(6, &frank); convex_shape.set_point(0, (400., 100.)); convex_shape.set_point(1, (500., 70.)); convex_shape.set_point(2, (450., 100.)); convex_shape.set_point(3, (580., 150.)); convex_shape.set_point(4, (420., 230.)); convex_shape.set_point(5, (420., 120.)); // Create an initialized text using the font. let title = Text::new("Borrowed resources example!", &font, 50); // Create a second text using the same font. // This time, we create and initialize it separately. let mut second_text = Text::default(); second_text.set_string("This text shares the same font with the title!"); second_text.set_font(&font); second_text.set_fill_color(Color::GREEN); second_text.set_position((10.0, 350.0)); second_text.set_character_size(20); // Create a third text using the same font. let mut third_text = Text::new("This one too!", &font, 20); third_text.set_position((300.0, 100.0)); third_text.set_fill_color(Color::RED); loop { while let Some(event) = window.poll_event() { match event { Event::Closed | Event::KeyPressed { code: Key::Escape, .. } => return, _ => {} } } window.clear(Color::BLACK); window.draw(&circle); window.draw(&sprite); window.draw(&convex_shape); window.draw(&title); window.draw(&second_text); window.draw(&third_text); window.display(); } }
main
mod.rs
/// Template // pub mod template { // fn first_problem(file: &String) { // } // fn second_problem(file: &String) { // } // pub fn do_work(input: Option<String>) { // let contents = match input { // Some(x) => x, // None => String::from(""), // }; // println!("\t>> First Problem <<"); // first_problem(&contents); // println!("\t>> Second Problem <<"); // second_problem(&contents); // } // } /////// pub mod two { fn first_problem(file: &String)
fn second_problem(file: &String) { let intcode: Vec<&str> = file.trim().split(',').collect(); let mut ic: Vec<usize> = intcode .iter() .map(|x| x.parse::<usize>().unwrap()) .collect(); let original = ic.clone(); for i in 0..100 { ic[1] = i; for j in 0..100 { ic[2] = j; // println!("1: {} -> 2: {}", i, j); let tmp = ic.clone(); for (index, c) in tmp.iter().enumerate() { // println!("{} on {}", c, index); if index % 4 == 0 { // println!("{} on {}", c, index); match c { 1 => { let sum = ic[ic[index + 1]] + ic[ic[index + 2]]; let ni = ic[index + 3]; ic[ni] = sum; } 2 => { let mul = ic[ic[index + 1]] * ic[ic[index + 2]]; let ni = ic[index + 3]; ic[ni] = mul; } 99 => break, _ => println!( "This shouldnt had happened at: {} with value {}", index, c ), } } } if ic[0] == 19690720 { println!( "Combo values are {} - {} and answer is: {}", i, j, 100 * i + j ); return; } else { ic = original.clone(); ic[1] = i; } } } } pub fn do_work(input: Option<String>) { let contents = match input { Some(x) => x, None => String::from(""), }; println!("\t>> First Problem <<"); first_problem(&contents); println!("\t>> Second Problem <<"); second_problem(&contents); } } pub mod one { fn first_problem(file: &String) { let mut sum: i32 = 0; for line in file.lines() { let parsed = line.parse::<i32>().unwrap(); let gas_needed = parsed / 3; let gas_needed = gas_needed - 2; sum += gas_needed; } println!("Ammount of fuel needed is: {}", sum); } fn second_problem(file: &String) { let mut total_fuel: i32 = 0; for line in file.lines() { let parsed = line.parse::<i32>().unwrap(); let gas_needed = parsed / 3; let gas_needed = gas_needed - 2; total_fuel += gas_needed; let mut temp = gas_needed; while temp > 0 { // println!("1: {}", temp); temp = temp / 3; temp = temp - 2; if temp > 0 { total_fuel += temp; } } } println!("Ammount of total fuel needed is: {}", total_fuel); } pub fn do_work(input: Option<String>) { let contents = match input { Some(x) => x, None => String::from(""), }; println!("\t>> First Problem <<"); first_problem(&contents); println!("\t>> Second Problem <<"); second_problem(&contents); } }
{ let intcode: Vec<&str> = file.trim().split(',').collect(); let mut ic: Vec<usize> = intcode .iter() .map(|x| x.parse::<usize>().unwrap()) .collect(); ic[1] = 12; ic[2] = 2; let tmp = ic.clone(); for (index, c) in tmp.iter().enumerate() { // println!("{} on {}", c, index); if index % 4 == 0 { // println!("{} on {}", c, index); match c { 1 => { let sum = ic[ic[index + 1]] + ic[ic[index + 2]]; let ni = ic[index + 3]; ic[ni] = sum; } 2 => { let mul = ic[ic[index + 1]] * ic[ic[index + 2]]; let ni = ic[index + 3]; ic[ni] = mul; } 99 => break, _ => println!("This shouldnt had happened at: {}", index), } } } println!("End value at index 0: {}", ic[0]); }
cron_actor_test.rs
// Copyright 2020 ChainSafe Systems // SPDX-License-Identifier: Apache-2.0, MIT mod common; use actor::{ cron::{ConstructorParams, Entry, State}, CRON_ACTOR_CODE_ID, SYSTEM_ACTOR_ADDR, SYSTEM_ACTOR_CODE_ID, }; use address::Address; use common::*; use vm::{ExitCode, Serialized}; fn construct_runtime() -> MockRuntime { MockRuntime { receiver: Address::new_id(100), caller: SYSTEM_ACTOR_ADDR.clone(), caller_type: SYSTEM_ACTOR_CODE_ID.clone(), ..Default::default() } } #[test] fn construct_with_empty_entries() { let mut rt = construct_runtime(); construct_and_verify(&mut rt, &ConstructorParams { entries: vec![] }); let state: State = rt.get_state().unwrap(); assert_eq!(state.entries, vec![]); } #[test] fn construct_with_entries() { let mut rt = construct_runtime(); let entry1 = Entry { receiver: Address::new_id(1001), method_num: 1001, }; let entry2 = Entry { receiver: Address::new_id(1002), method_num: 1002, }; let entry3 = Entry { receiver: Address::new_id(1003), method_num: 1003, }; let entry4 = Entry { receiver: Address::new_id(1004), method_num: 1004, }; let params = ConstructorParams { entries: vec![entry1, entry2, entry3, entry4], }; construct_and_verify(&mut rt, &params); let state: State = rt.get_state().unwrap(); assert_eq!(state.entries, params.entries); } #[test] fn epoch_tick_with_empty_entries()
#[test] fn epoch_tick_with_entries() { let mut rt = construct_runtime(); let entry1 = Entry { receiver: Address::new_id(1001), method_num: 1001, }; let entry2 = Entry { receiver: Address::new_id(1002), method_num: 1002, }; let entry3 = Entry { receiver: Address::new_id(1003), method_num: 1003, }; let entry4 = Entry { receiver: Address::new_id(1004), method_num: 1004, }; let params = ConstructorParams { entries: vec![ entry1.clone(), entry2.clone(), entry3.clone(), entry4.clone(), ], }; construct_and_verify(&mut rt, &params); // ExitCodes dont matter here rt.expect_send( entry1.receiver.clone(), entry1.method_num, Serialized::default(), 0u8.into(), Serialized::default(), ExitCode::Ok, ); rt.expect_send( entry2.receiver.clone(), entry2.method_num, Serialized::default(), 0u8.into(), Serialized::default(), ExitCode::ErrIllegalArgument, ); rt.expect_send( entry3.receiver.clone(), entry3.method_num, Serialized::default(), 0u8.into(), Serialized::default(), ExitCode::Ok, ); rt.expect_send( entry4.receiver.clone(), entry4.method_num, Serialized::default(), 0u8.into(), Serialized::default(), ExitCode::Ok, ); epoch_tick_and_verify(&mut rt); } fn construct_and_verify(rt: &mut MockRuntime, params: &ConstructorParams) { rt.expect_validate_caller_addr(vec![*SYSTEM_ACTOR_ADDR]); let ret = rt .call( &*CRON_ACTOR_CODE_ID, 1, &Serialized::serialize(&params).unwrap(), ) .unwrap(); assert_eq!(Serialized::default(), ret); rt.verify(); } fn epoch_tick_and_verify(rt: &mut MockRuntime) { rt.expect_validate_caller_addr(vec![*SYSTEM_ACTOR_ADDR]); let ret = rt .call(&*CRON_ACTOR_CODE_ID, 2, &Serialized::default()) .unwrap(); assert_eq!(Serialized::default(), ret); rt.verify(); }
{ let mut rt = construct_runtime(); construct_and_verify(&mut rt, &ConstructorParams { entries: vec![] }); epoch_tick_and_verify(&mut rt); }
ItemCountObjective.py
from ..Requirements import BaseObjective # MAXIMIZE
def Evaluate(threeDsolution): return -sum([1 for placement in threeDsolution.GetAllPlacements() if placement.position != placement.UNPLACED and placement.itemid is not None]) if __name__=="__main__": exit("Don't run this file")
class ItemCountObjective(BaseObjective): name = "item_count"
opencv_helpers.py
import cv2 import numpy as np from math import sqrt from scipy.spatial import distance from yolo_app.etc.config import config def crop_image(save_path, img, xywh): x = xywh[0] y = xywh[1] w = xywh[2] h = xywh[3] crop_img = img[y:y + h, x:x + w] cv2.imwrite(save_path, crop_img) def np_xyxy2xywh(xyxy, data_type=int): # Convert bounding box format from [x1, y1, x2, y2] to [x, y, w, h] xywh = np.zeros_like(xyxy) x1 = xyxy[0] y1 = xyxy[1] x2 = xyxy[2] y2 = xyxy[3] xywh[0] = xyxy[0] xywh[1] = xyxy[1] xywh[2] = data_type(abs(x2 - x1)) xywh[3] = data_type(abs(y1 - y2)) return xywh def torch2np_xyxy(xyxy, data_type=int): # Convert bounding box format from [x1, y1, x2, y2] to [x, y, w, h] # CPU Mode try: np_xyxy = np.zeros_like(xyxy) # GPU Mode except: np_xyxy = np.zeros_like(xyxy.data.cpu().numpy()) np_xyxy[0] = data_type(xyxy[0]) np_xyxy[1] = data_type(xyxy[1]) np_xyxy[2] = data_type(xyxy[2]) np_xyxy[3] = data_type(xyxy[3]) return np_xyxy def get_det_xyxy(det): numpy_xyxy = torch2np_xyxy(det[:4]) return numpy_xyxy # Merged of 2 bounding boxes (xyxy and xyxy) def get_mbbox(obj_1, obj_2): box1_x1 = obj_1[0] box1_y1 = obj_1[1] box1_x2 = obj_1[2] box1_y2 = obj_1[3] box2_x1 = obj_2[0] box2_y1 = obj_2[1] box2_x2 = obj_2[2] box2_y2 = obj_2[3] mbbox = [ min(box1_x1, box2_x1), min(box1_y1, box2_y1), max(box1_x2, box2_x2), max(box1_y2, box2_y2) ] return mbbox def np_xyxy2centroid(xyxy):
def get_xyxy_distance(xyxy_1, xyxy_2): o1cx_o2cx = pow((xyxy_1[0] - xyxy_2[0]), 2) o1cy_o2cy = pow((xyxy_1[1] - xyxy_2[1]), 2) dist = sqrt(o1cx_o2cx + o1cy_o2cy) return dist def get_xyxy_distance_manhattan(xyxy_1, xyxy_2): o1cx_o2cx = pow((xyxy_1[0] - xyxy_2[0]), 2) o1cy_o2cy = pow((xyxy_1[1] - xyxy_2[1]), 2) dist = sqrt(distance.cityblock(o1cx_o2cx, o1cy_o2cy)) return dist def save_txt(save_path, txt_format, bbox_xyxy=None, w_type='a', img_ext=".png", cls=None, conf=1.0): txt_path = save_path.replace(img_ext, '') with open(txt_path + '.txt', w_type) as file: if bbox_xyxy is None: file.write("") else: if cls is None: cls = config["bbox_config"]["default_label"] if txt_format == "default": file.write(('%g ' * 6 + '\n') % (bbox_xyxy, cls, conf)) elif txt_format == "cartucho": str_output = cls + " " str_output += str(conf) + " " str_output += str(int(bbox_xyxy[0])) + " " + \ str(int(bbox_xyxy[1])) + " " + \ str(int(bbox_xyxy[2])) + " " + \ str(int(bbox_xyxy[3])) + "\n" file.write(str_output) else: pass
centroid_x = (xyxy[0] + xyxy[2]) / 2 centroid_y = (xyxy[1] + xyxy[3]) / 2 return np.asarray([centroid_x, centroid_y])
CSVTest.py
import unittest from CSVReader import CSVReader, class_factory class
(unittest.TestCase): def setUp(self): self.csv_reader = CSVReader('/src/Unit Test Addition.csv') def test_return_data_as_object(self): num = self.csv_reader.return_data_as_object('number') self.assertIsInstance(num, list) test_class = class_factory('number', self.csv_reader.data[0]) for number in num: self.assertEqual(number.__name__, test_class.__name__) if __name__ == '__main__': unittest.main()
MyTestCase
highchart.js
/** * JavaScript to handle the front-end and handle the data source from back-end. Puts the data into the chart in * the correct format. */ var symbol, indicator; $.ajax({ url:'/getJson', async: false, success: function(jsonData) { var ohlc = [], volume = []; var symbol; // Last part of the data sent is the options. for(var i=0;i<jsonData.length-1;i++){ ohlc.push([ jsonData[i][0], jsonData[i][1], jsonData[i][2], jsonData[i][3], jsonData[i][4] ]); volume.push([ jsonData[i][0], jsonData[i][5] ]); } symbol = jsonData[jsonData.length-1][0]; name = jsonData[jsonData.length-1][1]; Highcharts.stockChart('chartID',{ rangeSelector: { selected: 4 }, plotOptions: { candlestick: { } }, chart :{ displayErrors: true }, title: { text: name }, yAxis: [{ labels: { align: 'right', x: -3 }, title: { text: 'OHLC' }, height: '60%', lineWidth: 2, resize: { enabled: true } }, { labels: { align: 'right', x: -3 }, title: { text: 'Volume' }, top: '65%', height: '35%', offset: 0, lineWidth: 2 }], series: [{ id: 'main', type: 'candlestick', name: name, data: ohlc }, { type: 'column', name: 'Volume', data: volume, yAxis: 1 }, { type: 'bb', linkedTo: 'main' }] }) } });
$("#apply").click(function() { if($("#symbols").val() == "default"){ alert("Please pick a valid selection."); } else { var obj = JSON.stringify("{year:"+$("#yearSelector").val()+", symbol:"+$("#symbols").val()+ ", name: "+$("#symbols option:selected").text()+"}"); $.ajax({ method: 'POST', url: '/postJson', contentType: "application/json", dataType: 'json', data: obj, async: false, error: function(jqXHR, status, error){ alert("jqXHR-> "+jqXHR+" with error: "+error+": Given status -> "+status); } }); } });
// This works now, data sent is json format includes "" therefore back end will process one more time to remove them.
neuraltest.py
import numpy as np from sklearn import datasets, linear_model import matplotlib.pyplot as plt # Generate a dataset and plot it np.random.seed(0) X, y = datasets.make_moons(200, noise=0.20) plt.scatter(X[:,0], X[:,1], s=40, c=y, cmap=plt.cm.Spectral) print "OK" def
(pred_func, X, y): # Set min and max values and give it some padding x_min, x_max = X[:, 0].min() - .5, X[:, 0].max() + .5 y_min, y_max = X[:, 1].min() - .5, X[:, 1].max() + .5 h = 0.01 # Generate a grid of points with distance h between them xx, yy = np.meshgrid(np.arange(x_min, x_max, h), np.arange(y_min, y_max, h)) # Predict the function value for the whole gid Z = pred_func(np.c_[xx.ravel(), yy.ravel()]) Z = Z.reshape(xx.shape) # Plot the contour and training examples plt.contourf(xx, yy, Z, cmap=plt.cm.Spectral) plt.scatter(X[:, 0], X[:, 1], c=y, cmap=plt.cm.Spectral) plt.show() # Train the logistic rgeression classifier clf = linear_model.LogisticRegressionCV() clf.fit(X, y) # Plot the decision boundary plot_decision_boundary(lambda x: clf.predict(x)) plt.title("Logistic Regression")
plot_decision_boundary
bookmarkReducers.js
import { BOOKMARK_PAGE_LOADED, BOOKMARK_PAGE_UNLOADED, ADD_BOOKMARK, UPDATE_BOOKMARK, REMOVE_BOOKMARK } from '../actions/actionTypes' let initialState = { bookmarks: []
return { ...state, bookmarks: action.payload.bookmarks } case BOOKMARK_PAGE_UNLOADED: return {} case ADD_BOOKMARK: return { ...state, bookmarks: [...state.bookmarks, action.payload.bookmark ] } case UPDATE_BOOKMARK: return { ...state, bookmarks: state.bookmarks.reduce( (newArray, element) => { if(element.id === action.payload.bookmark.id) { newArray.push(action.payload.bookmark) }else { newArray.push(element) } return newArray } ,[]) } case REMOVE_BOOKMARK: let idToRemove = action.payload.bookmarkId return { ...state, bookmarks: state.bookmarks.filter(item => item.id !== idToRemove) // filter returns a new array } default: return state } }
} export default (state = initialState, action) => { switch (action.type) { case BOOKMARK_PAGE_LOADED:
EditItem.js
import React, { Component } from 'react'; import Input from 'components/Input/Input'; import { Route, Switch, Link, withRouter } from 'react-router-dom'; import { withStyles } from '@material-ui/styles'; import Database from "variables/Database.js"; import { toast, ToastContainer } from 'react-toastify'; import CardHeader from "components/Card/CardHeader.js"; import CardBody from "components/Card/CardBody.js"; import Card from "components/Card/Card.js"; import Button from '@material-ui/core/Button'; import ArrowBack from '@material-ui/icons/ArrowBack'; import Save from '@material-ui/icons/Save'; import TextField from '@material-ui/core/TextField'; import Dialog from '@material-ui/core/Dialog'; import DialogActions from '@material-ui/core/DialogActions'; import DialogContent from '@material-ui/core/DialogContent'; import DialogContentText from '@material-ui/core/DialogContentText'; import DialogTitle from '@material-ui/core/DialogTitle'; import { StateNewEditItem } from "../VariablesState"; const styles = { cardCategoryWhite: { "&,& a,& a:hover,& a:focus": { color: "rgba(255,255,255,.62)", margin: "0", fontSize: "14px", marginTop: "0", marginBottom: "0" }, "& a,& a:hover,& a:focus": { color: "#FFFFFF" } }, cardTitleWhite: { color: "#FFFFFF", marginTop: "0px", minHeight: "auto", fontWeight: "300", fontFamily: "'Roboto', 'Helvetica', 'Arial', sans-serif", marginBottom: "3px", textDecoration: "none", "& small": { color: "#777", fontSize: "65%", fontWeight: "400", lineHeight: "1" } } }; class EditItem extends Component { state = JSON.parse(JSON.stringify(StateNewEditItem)); handleClickOpen = () => { this.setState({ openChangePass: true }) }; handleClose = () => { this.setState({ openChangePass: false }) }; checkValidity = (value, rules) => {
isValid = value.toString().trim() !== ''; textValid = 'El campo es requerido' } if (rules.minLength && isValid) { isValid = value.length >= rules.minLength; textValid = 'La cantidad de caracteres minimos es ' + rules.minLength } if (rules.maxLength && isValid) { isValid = value.length <= rules.maxLength; textValid = 'Supera el maximo de caracteres'; } return { isValid: isValid, textValid: textValid }; } getPageEdit = (id) => { Database.get('/list-items/' + id, this) .then(resultado => { if (resultado.result.length > 0) { let orderForm = { ...this.state.orderForm }; orderForm.texto.value = resultado.result[0].texto; orderForm.enlace.value = resultado.result[0].enlace; orderForm.estado.value = resultado.result[0].estado; if (resultado.result[0].id_page) orderForm.id_page.value = resultado.result[0].id_page; for (let key in orderForm) { orderForm[key].touched = true; orderForm[key].valid = true; } this.setState({ orderForm: orderForm }) } else { } }) } handleSubmitEditItem = (event) => { event.preventDefault(); let id_page = null; if (this.state.orderForm.id_page.value > 0 && this.state.orderForm.id_page.value != '') id_page = this.state.orderForm.id_page.value; Database.post(`/update-item`, { id: this.props.match.params.iditem, texto: this.state.orderForm.texto.value, enlace: this.state.orderForm.enlace.value, id_page: id_page, estado: this.state.orderForm.estado.value }) .then(res => { this.setState({ successSubmit: true, formIsValid: false, disableAllButtons: false }, () => { toast.success("Modificacion exitosa"); this.props.getItems(); }) }, err => { toast.error(err.message); }) } inputEditChangedHandler = (event, inputIdentifier) => { let checkValid; const updatedOrderForm = { ...this.state.orderForm }; const updatedFormElement = { ...updatedOrderForm[inputIdentifier] }; updatedFormElement.value = event.target.value; checkValid = this.checkValidity(updatedFormElement.value, updatedFormElement.validation); updatedFormElement.valid = checkValid.isValid; updatedFormElement.textValid = checkValid.textValid; updatedFormElement.touched = true; updatedOrderForm[inputIdentifier] = updatedFormElement; let formIsValidAlt = true; for (let inputIdentifier in updatedOrderForm) { formIsValidAlt = updatedOrderForm[inputIdentifier].valid && formIsValidAlt; } this.setState({ orderForm: updatedOrderForm, formIsValid: formIsValidAlt }) } resetForm = () => { let orderFormAlt = { ...this.state.editUserForm }; let successSubmit = this.state.successSubmit; for (let key in orderFormAlt) { orderFormAlt[key].value = '' } this.setState({ formIsValid: false, successSubmit: successSubmit }) } getPages = () => { Database.get(`/list-pages`, this) .then(res => { let resultado = res.result; let orderForm = { ...this.state.orderForm }; orderForm.id_page.elementConfig.options.push({ value: 0, displayValue: 'Ninguna' }); res.result.forEach(elem => { orderForm.id_page.elementConfig.options.push({ value: elem.id, displayValue: elem.nombre }); }) if (orderForm.id_page.value && orderForm.id_page.value != '') orderForm.id_page.valid = true; this.setState({ orderForm: orderForm }) }, err => { toast.error(err.message); }) } componentDidMount() { this.getPageEdit(this.props.match.params.iditem); this.getPages(); } render() { const formElementsArray = []; for (let key in this.state.orderForm) { formElementsArray.push({ id: key, config: this.state.orderForm[key] }); } return ([ <form onSubmit={(event) => { this.handleSubmitEditItem(event) }}> <Card> <CardHeader color="primary"> <h4 className={this.props.classes.cardTitleWhite}>Editar Item</h4> <p className={this.props.classes.cardCategoryWhite}> Formulario para modificar los datos del Item </p> </CardHeader> <CardBody> <div className="mt-3 mb-3"> {formElementsArray.map(formElement => ( <Input key={"edititem-" + formElement.id} elementType={formElement.config.elementType} elementConfig={formElement.config.elementConfig} value={formElement.config.value} textValid={formElement.config.textValid} invalid={!formElement.config.valid} shouldValidate={formElement.config.validation} touched={formElement.config.touched} changed={(event) => this.inputEditChangedHandler(event, formElement.id)} /> ))} </div> <Button style={{ marginTop: '25px' }} color="info" onClick={() => this.props.history.goBack()} ><ArrowBack />Volver</Button><Button style={{ marginTop: '25px' }} color="primary" variant="contained" disabled={!this.state.formIsValid || this.state.disableAllButtons} type="submit" ><Save /> Guardar</Button> </CardBody> </Card> </ form> ]) } }; export default withRouter(withStyles(styles)(EditItem));
let isValid = true; let textValid = null; if (rules.required && isValid) {
env_test.go
package engine import ( "bytes" "encoding/json" "testing" "github.com/dotcloud/docker/pkg/testutils" ) func TestEnvLenZero(t *testing.T) { env := &Env{} if env.Len() != 0 { t.Fatalf("%d", env.Len()) } } func TestEnvLenNotZero(t *testing.T) { env := &Env{} env.Set("foo", "bar") env.Set("ga", "bu") if env.Len() != 2 { t.Fatalf("%d", env.Len()) } } func TestEnvLenDup(t *testing.T) { env := &Env{ "foo=bar", "foo=baz", "a=b", } // len(env) != env.Len() if env.Len() != 2 { t.Fatalf("%d", env.Len()) } } func TestNewJob(t *testing.T) { job := mkJob(t, "dummy", "--level=awesome") if job.Name != "dummy" { t.Fatalf("Wrong job name: %s", job.Name) } if len(job.Args) != 1 { t.Fatalf("Wrong number of job arguments: %d", len(job.Args)) } if job.Args[0] != "--level=awesome" { t.Fatalf("Wrong job arguments: %s", job.Args[0]) } } func TestSetenv(t *testing.T) { job := mkJob(t, "dummy") job.Setenv("foo", "bar") if val := job.Getenv("foo"); val != "bar" { t.Fatalf("Getenv returns incorrect value: %s", val) } job.Setenv("bar", "") if val := job.Getenv("bar"); val != "" { t.Fatalf("Getenv returns incorrect value: %s", val) } if val := job.Getenv("nonexistent"); val != "" { t.Fatalf("Getenv returns incorrect value: %s", val) } } func TestSetenvBool(t *testing.T) { job := mkJob(t, "dummy") job.SetenvBool("foo", true) if val := job.GetenvBool("foo"); !val { t.Fatalf("GetenvBool returns incorrect value: %t", val) } job.SetenvBool("bar", false) if val := job.GetenvBool("bar"); val { t.Fatalf("GetenvBool returns incorrect value: %t", val) } if val := job.GetenvBool("nonexistent"); val { t.Fatalf("GetenvBool returns incorrect value: %t", val) } } func TestSetenvInt(t *testing.T) { job := mkJob(t, "dummy") job.SetenvInt("foo", -42) if val := job.GetenvInt("foo"); val != -42 { t.Fatalf("GetenvInt returns incorrect value: %d", val) } job.SetenvInt("bar", 42) if val := job.GetenvInt("bar"); val != 42 { t.Fatalf("GetenvInt returns incorrect value: %d", val) } if val := job.GetenvInt("nonexistent"); val != 0 { t.Fatalf("GetenvInt returns incorrect value: %d", val) } } func
(t *testing.T) { job := mkJob(t, "dummy") job.SetenvList("foo", []string{"bar"}) if val := job.GetenvList("foo"); len(val) != 1 || val[0] != "bar" { t.Fatalf("GetenvList returns incorrect value: %v", val) } job.SetenvList("bar", nil) if val := job.GetenvList("bar"); val != nil { t.Fatalf("GetenvList returns incorrect value: %v", val) } if val := job.GetenvList("nonexistent"); val != nil { t.Fatalf("GetenvList returns incorrect value: %v", val) } } func TestEnviron(t *testing.T) { job := mkJob(t, "dummy") job.Setenv("foo", "bar") val, exists := job.Environ()["foo"] if !exists { t.Fatalf("foo not found in the environ") } if val != "bar" { t.Fatalf("bar not found in the environ") } } func TestMultiMap(t *testing.T) { e := &Env{} e.Set("foo", "bar") e.Set("bar", "baz") e.Set("hello", "world") m := e.MultiMap() e2 := &Env{} e2.Set("old_key", "something something something") e2.InitMultiMap(m) if v := e2.Get("old_key"); v != "" { t.Fatalf("%#v", v) } if v := e2.Get("bar"); v != "baz" { t.Fatalf("%#v", v) } if v := e2.Get("hello"); v != "world" { t.Fatalf("%#v", v) } } func testMap(l int) [][2]string { res := make([][2]string, l) for i := 0; i < l; i++ { t := [2]string{testutils.RandomString(5), testutils.RandomString(20)} res[i] = t } return res } func BenchmarkSet(b *testing.B) { fix := testMap(100) b.ResetTimer() for i := 0; i < b.N; i++ { env := &Env{} for _, kv := range fix { env.Set(kv[0], kv[1]) } } } func BenchmarkSetJson(b *testing.B) { fix := testMap(100) type X struct { f string } b.ResetTimer() for i := 0; i < b.N; i++ { env := &Env{} for _, kv := range fix { if err := env.SetJson(kv[0], X{kv[1]}); err != nil { b.Fatal(err) } } } } func BenchmarkGet(b *testing.B) { fix := testMap(100) env := &Env{} for _, kv := range fix { env.Set(kv[0], kv[1]) } b.ResetTimer() for i := 0; i < b.N; i++ { for _, kv := range fix { env.Get(kv[0]) } } } func BenchmarkGetJson(b *testing.B) { fix := testMap(100) env := &Env{} type X struct { f string } for _, kv := range fix { env.SetJson(kv[0], X{kv[1]}) } b.ResetTimer() for i := 0; i < b.N; i++ { for _, kv := range fix { if err := env.GetJson(kv[0], &X{}); err != nil { b.Fatal(err) } } } } func BenchmarkEncode(b *testing.B) { fix := testMap(100) env := &Env{} type X struct { f string } // half a json for i, kv := range fix { if i%2 != 0 { if err := env.SetJson(kv[0], X{kv[1]}); err != nil { b.Fatal(err) } continue } env.Set(kv[0], kv[1]) } var writer bytes.Buffer b.ResetTimer() for i := 0; i < b.N; i++ { env.Encode(&writer) writer.Reset() } } func BenchmarkDecode(b *testing.B) { fix := testMap(100) env := &Env{} type X struct { f string } // half a json for i, kv := range fix { if i%2 != 0 { if err := env.SetJson(kv[0], X{kv[1]}); err != nil { b.Fatal(err) } continue } env.Set(kv[0], kv[1]) } var writer bytes.Buffer env.Encode(&writer) denv := &Env{} reader := bytes.NewReader(writer.Bytes()) b.ResetTimer() for i := 0; i < b.N; i++ { err := denv.Decode(reader) if err != nil { b.Fatal(err) } reader.Seek(0, 0) } } func TestLongNumbers(t *testing.T) { type T struct { TestNum int64 } v := T{67108864} var buf bytes.Buffer e := &Env{} e.SetJson("Test", v) if err := e.Encode(&buf); err != nil { t.Fatal(err) } res := make(map[string]T) if err := json.Unmarshal(buf.Bytes(), &res); err != nil { t.Fatal(err) } if res["Test"].TestNum != v.TestNum { t.Fatalf("TestNum %d, expected %d", res["Test"].TestNum, v.TestNum) } } func TestLongNumbersArray(t *testing.T) { type T struct { TestNum []int64 } v := T{[]int64{67108864}} var buf bytes.Buffer e := &Env{} e.SetJson("Test", v) if err := e.Encode(&buf); err != nil { t.Fatal(err) } res := make(map[string]T) if err := json.Unmarshal(buf.Bytes(), &res); err != nil { t.Fatal(err) } if res["Test"].TestNum[0] != v.TestNum[0] { t.Fatalf("TestNum %d, expected %d", res["Test"].TestNum, v.TestNum) } }
TestSetenvList
actorspage.module.ts
import { NgModule } from "@angular/core";
import { ComponentsModule } from "../components/components.module"; import { ActorService } from "../services/actor_service"; import { ACTOR_SERVICE } from "../config/types"; @NgModule({ declarations: [ ActorsPageComponent ], exports: [ ActorsPageComponent ], imports: [CommonModule, ComponentsModule], providers: [ { provide: ACTOR_SERVICE, useClass: ActorService } ] }) export class ActorsPageModule { }
import { ActorsPageComponent } from "./actorspage.component"; import { CommonModule } from "@angular/common";
region.go
package region import "github.com/huaweicloud/huaweicloud-sdk-go-v3/core/region" var AF_SOUTH_1 = region.NewRegion("af-south-1", "https://nat.af-south-1.myhuaweicloud.com") var CN_NORTH_4 = region.NewRegion("cn-north-4", "https://nat.cn-north-4.myhuaweicloud.com") var CN_NORTH_1 = region.NewRegion("cn-north-1", "https://nat.cn-north-1.myhuaweicloud.com") var CN_EAST_2 = region.NewRegion("cn-east-2", "https://nat.cn-east-2.myhuaweicloud.com")
var AP_SOUTHEAST_1 = region.NewRegion("ap-southeast-1", "https://nat.ap-southeast-1.myhuaweicloud.com") var AP_SOUTHEAST_3 = region.NewRegion("ap-southeast-3", "https://nat.ap-southeast-3.myhuaweicloud.com") var CN_SOUTH_2 = region.NewRegion("cn-south-2", "https://nat.cn-south-2.myhuaweicloud.com") var CN_NORTH_2 = region.NewRegion("cn-north-2", "https://nat.cn-north-2.myhuaweicloud.com") var RU_NORTHWEST_2 = region.NewRegion("ru-northwest-2", "https://nat.ru-northwest-2.myhuaweicloud.com")
var CN_EAST_3 = region.NewRegion("cn-east-3", "https://nat.cn-east-3.myhuaweicloud.com") var CN_SOUTH_1 = region.NewRegion("cn-south-1", "https://nat.cn-south-1.myhuaweicloud.com") var CN_SOUTHWEST_2 = region.NewRegion("cn-southwest-2", "https://nat.cn-southwest-2.myhuaweicloud.com") var AP_SOUTHEAST_2 = region.NewRegion("ap-southeast-2", "https://nat.ap-southeast-2.myhuaweicloud.com")
into_url.rs
use url::Url; /// A trait to try to convert some type into a `Url`. /// /// This trait is "sealed", such that only types within reqwest can /// implement it. The reason is that it will eventually be deprecated /// and removed, when `std::convert::TryFrom` is stabilized. pub trait IntoUrl: PolyfillTryInto {} impl<T: PolyfillTryInto> IntoUrl for T {} pub trait PolyfillTryInto { // Besides parsing as a valid `Url`, the `Url` must be a valid // `http::Uri`, in that it makes sense to use in a network request. fn into_url(self) -> crate::Result<Url>; fn _as_str(&self) -> &str; } impl PolyfillTryInto for Url { fn into_url(self) -> crate::Result<Url> { if self.has_host() { Ok(self) } else { Err(crate::error::url_bad_scheme(self)) } } fn _as_str(&self) -> &str { self.as_ref() } } impl<'a> PolyfillTryInto for &'a str { fn into_url(self) -> crate::Result<Url> { Url::parse(self).map_err(crate::error::builder)?.into_url() } fn _as_str(&self) -> &str { self.as_ref() } } impl<'a> PolyfillTryInto for &'a String { fn into_url(self) -> crate::Result<Url> { (&**self).into_url() } fn _as_str(&self) -> &str
} if_hyper! { pub(crate) fn expect_uri(url: &Url) -> http::Uri { url.as_str() .parse() .expect("a parsed Url should always be a valid Uri") } pub(crate) fn try_uri(url: &Url) -> Option<http::Uri> { url.as_str().parse().ok() } } #[cfg(test)] mod tests { use super::*; #[test] fn into_url_file_scheme() { let err = "file:///etc/hosts".into_url().unwrap_err(); assert_eq!( err.to_string(), "builder error for url (file:///etc/hosts): URL scheme is not allowed" ); } }
{ self.as_ref() }
buf3cr.rs
#[doc = "Register `BUF3CR` reader"] pub struct R(crate::R<BUF3CR_SPEC>); impl core::ops::Deref for R { type Target = crate::R<BUF3CR_SPEC>; #[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } impl From<crate::R<BUF3CR_SPEC>> for R { #[inline(always)] fn from(reader: crate::R<BUF3CR_SPEC>) -> Self { R(reader) } } #[doc = "Register `BUF3CR` writer"] pub struct W(crate::W<BUF3CR_SPEC>); impl core::ops::Deref for W { type Target = crate::W<BUF3CR_SPEC>; #[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } impl core::ops::DerefMut for W { #[inline(always)] fn
(&mut self) -> &mut Self::Target { &mut self.0 } } impl From<crate::W<BUF3CR_SPEC>> for W { #[inline(always)] fn from(writer: crate::W<BUF3CR_SPEC>) -> Self { W(writer) } } #[doc = "Field `MSTRID` reader - Master ID"] pub struct MSTRID_R(crate::FieldReader<u8, u8>); impl MSTRID_R { #[inline(always)] pub(crate) fn new(bits: u8) -> Self { MSTRID_R(crate::FieldReader::new(bits)) } } impl core::ops::Deref for MSTRID_R { type Target = crate::FieldReader<u8, u8>; #[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } #[doc = "Field `MSTRID` writer - Master ID"] pub struct MSTRID_W<'a> { w: &'a mut W, } impl<'a> MSTRID_W<'a> { #[doc = r"Writes raw bits to the field"] #[inline(always)] pub unsafe fn bits(self, value: u8) -> &'a mut W { self.w.bits = (self.w.bits & !0x0f) | (value as u32 & 0x0f); self.w } } #[doc = "Field `ADATSZ` reader - AHB data transfer size"] pub struct ADATSZ_R(crate::FieldReader<u8, u8>); impl ADATSZ_R { #[inline(always)] pub(crate) fn new(bits: u8) -> Self { ADATSZ_R(crate::FieldReader::new(bits)) } } impl core::ops::Deref for ADATSZ_R { type Target = crate::FieldReader<u8, u8>; #[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } #[doc = "Field `ADATSZ` writer - AHB data transfer size"] pub struct ADATSZ_W<'a> { w: &'a mut W, } impl<'a> ADATSZ_W<'a> { #[doc = r"Writes raw bits to the field"] #[inline(always)] pub unsafe fn bits(self, value: u8) -> &'a mut W { self.w.bits = (self.w.bits & !(0xff << 8)) | ((value as u32 & 0xff) << 8); self.w } } #[doc = "Field `ALLMST` reader - All master enable"] pub struct ALLMST_R(crate::FieldReader<bool, bool>); impl ALLMST_R { #[inline(always)] pub(crate) fn new(bits: bool) -> Self { ALLMST_R(crate::FieldReader::new(bits)) } } impl core::ops::Deref for ALLMST_R { type Target = crate::FieldReader<bool, bool>; #[inline(always)] fn deref(&self) -> &Self::Target { &self.0 } } #[doc = "Field `ALLMST` writer - All master enable"] pub struct ALLMST_W<'a> { w: &'a mut W, } impl<'a> ALLMST_W<'a> { #[doc = r"Sets the field bit"] #[inline(always)] pub fn set_bit(self) -> &'a mut W { self.bit(true) } #[doc = r"Clears the field bit"] #[inline(always)] pub fn clear_bit(self) -> &'a mut W { self.bit(false) } #[doc = r"Writes raw bits to the field"] #[inline(always)] pub fn bit(self, value: bool) -> &'a mut W { self.w.bits = (self.w.bits & !(0x01 << 31)) | ((value as u32 & 0x01) << 31); self.w } } impl R { #[doc = "Bits 0:3 - Master ID"] #[inline(always)] pub fn mstrid(&self) -> MSTRID_R { MSTRID_R::new((self.bits & 0x0f) as u8) } #[doc = "Bits 8:15 - AHB data transfer size"] #[inline(always)] pub fn adatsz(&self) -> ADATSZ_R { ADATSZ_R::new(((self.bits >> 8) & 0xff) as u8) } #[doc = "Bit 31 - All master enable"] #[inline(always)] pub fn allmst(&self) -> ALLMST_R { ALLMST_R::new(((self.bits >> 31) & 0x01) != 0) } } impl W { #[doc = "Bits 0:3 - Master ID"] #[inline(always)] pub fn mstrid(&mut self) -> MSTRID_W { MSTRID_W { w: self } } #[doc = "Bits 8:15 - AHB data transfer size"] #[inline(always)] pub fn adatsz(&mut self) -> ADATSZ_W { ADATSZ_W { w: self } } #[doc = "Bit 31 - All master enable"] #[inline(always)] pub fn allmst(&mut self) -> ALLMST_W { ALLMST_W { w: self } } #[doc = "Writes raw bits to the register."] #[inline(always)] pub unsafe fn bits(&mut self, bits: u32) -> &mut Self { self.0.bits(bits); self } } #[doc = "Buffer3 Configuration Register\n\nThis register you can [`read`](crate::generic::Reg::read), [`write_with_zero`](crate::generic::Reg::write_with_zero), [`reset`](crate::generic::Reg::reset), [`write`](crate::generic::Reg::write), [`modify`](crate::generic::Reg::modify). See [API](https://docs.rs/svd2rust/#read--modify--write-api).\n\nFor information about available fields see [buf3cr](index.html) module"] pub struct BUF3CR_SPEC; impl crate::RegisterSpec for BUF3CR_SPEC { type Ux = u32; } #[doc = "`read()` method returns [buf3cr::R](R) reader structure"] impl crate::Readable for BUF3CR_SPEC { type Reader = R; } #[doc = "`write(|w| ..)` method takes [buf3cr::W](W) writer structure"] impl crate::Writable for BUF3CR_SPEC { type Writer = W; } #[doc = "`reset()` method sets BUF3CR to value 0x8000_0000"] impl crate::Resettable for BUF3CR_SPEC { #[inline(always)] fn reset_value() -> Self::Ux { 0x8000_0000 } }
deref_mut
ngpvan-action.js
import { getConfig } from "../../server/api/lib/config"; import Van from "../contact-loaders/ngpvan/util"; import { log } from "../../lib"; import httpRequest from "../../server/lib/http-request.js"; export const name = "ngpvan-action"; // What the user sees as the option export const displayName = () => "NGPVAN action"; // The Help text for the user after selecting the action export const instructions = () => ` This action is for reporting the results of interactions with contacts to NGPVAN `; export function serverAdministratorInstructions() { return { description: "This action is for reporting the results of interactions with contacts to NGPVAN", setupInstructions: "Get an APP name and API key for your VAN account. Add them to your config, along with NGP_VAN_WEBHOOK_BASE_URL. In most cases the defaults for the other environment variables will work", environmentVariables: [ "NGP_VAN_API_KEY", "NGP_VAN_API_BASE_URL", "NGP_VAN_APP_NAME", "NGP_VAN_ACTION_HANDLER_CACHE_TTL" ] }; } export const DEFAULT_NGP_VAN_CONTACT_TYPE = "SMS Text"; export const DEFAULT_NGP_VAN_INPUT_TYPE = "API"; export const DEFAULT_NGP_VAN_ACTION_HANDLER_CACHE_TTL = 600; export function clientChoiceDataCacheKey(organization, campaign, user) { return `${organization.id}-${(campaign.features || {}).van_database_mode}`; } export const postCanvassResponse = async ( contact, organization, body, campaign, skipVanIdError ) => { let vanId; let contactsPhoneId; try { const customFields = JSON.parse(contact.custom_fields || "{}"); vanId = customFields.VanID || customFields.vanid || customFields.van_id || customFields.myc_van_id || customFields.myv_van_id; contactsPhoneId = customFields.contactsPhoneId || customFields.contacts_phone_id || customFields.contactsphoneid || customFields.phone_id || customFields.phoneid; } catch (caughtException) { // eslint-disable-next-line no-console log.error( `Error parsing custom_fields for contact ${contact.id} ${caughtException}` ); return {}; } if (!vanId) { // eslint-disable-next-line no-console if (!skipVanIdError) { log.error( `Cannot sync results to van for campaign_contact ${contact.id}. No VanID in custom fields` ); } return {}; } if (contactsPhoneId) { body.canvassContext = body.canvassContext || {}; body.canvassContext.phoneId = contactsPhoneId; } const url = Van.makeUrl(`v4/people/${vanId}/canvassResponses`, organization); // eslint-disable-next-line no-console console.info("Sending contact update to VAN", { vanId, body: JSON.stringify(body) }); const retries = parseInt(getConfig("NGP_VAN_ACTION_REQUEST_RETRIES", organization)) || 0; return httpRequest(url, { method: "POST", retries: retries, timeout: 32000, headers: { Authorization: Van.getAuth( organization, (campaign.features || {}).van_database_mode ), "Content-Type": "application/json" }, body: JSON.stringify(body), validStatuses: [204], compress: false }); }; // What happens when a texter saves the answer that triggers the action // This is presumably the meat of the action export async function processAction({ action_data, contact, campaign, organization }) { try { const actionData = JSON.parse(action_data || "{}"); const body = JSON.parse(actionData.value); return postCanvassResponse(contact, organization, body, campaign); } catch (caughtError) { // eslint-disable-next-line no-console log.error("Encountered exception in ngpvan.processAction", caughtError); throw caughtError; } } async function getContactTypeIdAndInputTypeId(organization, campaign) { const contactTypesPromise = httpRequest( `https://api.securevan.com/v4/canvassResponses/contactTypes`, { method: "GET", timeout: 32000, headers: { Authorization: Van.getAuth( organization, (campaign.features || {}).van_database_mode ) } } ) .then(async response => await response.json()) .catch(error => { const message = `Error retrieving contact types from VAN ${error}`; // eslint-disable-next-line no-console log.error(message); throw new Error(message); }); const inputTypesPromise = httpRequest( `https://api.securevan.com/v4/canvassResponses/inputTypes`, { method: "GET", timeout: 32000, headers: { Authorization: Van.getAuth( organization, (campaign.features || {}).van_database_mode ) } } ) .then(async response => await response.json()) .catch(error => { const message = `Error retrieving input types from VAN ${error}`; // eslint-disable-next-line no-console log.error(message); throw new Error(message); }); let contactTypeId; let inputTypeId; try { const [contactTypesResponse, inputTypesResponse] = await Promise.all([ contactTypesPromise, inputTypesPromise ]); const contactType = getConfig("NGP_VAN_CONTACT_TYPE", organization) || DEFAULT_NGP_VAN_CONTACT_TYPE; ({ contactTypeId } = contactTypesResponse.find( ct => ct.name === contactType )); if (!contactTypeId) { // eslint-disable-next-line no-console log.error(`Contact type ${contactType} not returned by VAN`); } const inputTypeName = getConfig("NGP_VAN_INPUT_TYPE", organization); if (inputTypeName) { const inputType = inputTypesResponse.find(inTy => inTy.name === inputTypeName) || {}; inputTypeId = inputType.inputTypeId || -1; if (inputTypeId === -1) { // eslint-disable-next-line no-console log.error(`Input type ${inputType} not returned by VAN`); } } if (inputTypeId === -1 || !contactTypeId) { throw new Error( "VAN did not return the configured input type or contact type. Check the log" ); } } catch (error) { // eslint-disable-next-line no-console log.error( `Error loading canvass/contactTypes or canvass/inputTypes from VAN ${error}` ); } return { contactTypeId, inputTypeId }; } export async function getClientChoiceData(organization, campaign) { const { contactTypeId, inputTypeId } = await getContactTypeIdAndInputTypeId( organization, campaign ); if (inputTypeId === -1 || !contactTypeId) { return { data: `${JSON.stringify({ error: "Failed to load canvass/contactTypes or canvass/inputTypes from VAN" })}` }; } const canvassContext = { contactTypeId }; if (inputTypeId) canvassContext.inputTypeId = inputTypeId; const cycle = await getConfig("NGP_VAN_ELECTION_CYCLE_FILTER", organization); const cycleFilter = (cycle && `&cycle=${cycle}`) || ""; const surveyQuestionsPromise = httpRequest( `https://api.securevan.com/v4/surveyQuestions?statuses=Active${cycleFilter}`, { method: "GET", timeout: 32000, headers: { Authorization: Van.getAuth( organization, (campaign.features || {}).van_database_mode ) } } ) .then(async response => await response.json()) .catch(error => { const message = `Error retrieving survey questions from VAN ${error}`; // eslint-disable-next-line no-console log.error(message); throw new Error(message); }); const activistCodesPromise = httpRequest( `https://api.securevan.com/v4/activistCodes?statuses=Active`, { method: "GET", timeout: 32000, headers: { Authorization: Van.getAuth( organization, (campaign.features || {}).van_database_mode ) } } ) .then(async response => await response.json()) .catch(error => { const message = `Error retrieving activist codes from VAN ${error}`; // eslint-disable-next-line no-console log.error(message); throw new Error(message); }); const canvassResultCodesPromise = httpRequest( `https://api.securevan.com/v4/canvassResponses/resultCodes`, { method: "GET",
Authorization: Van.getAuth( organization, (campaign.features || {}).van_database_mode ) } } ) .then(async response => await response.json()) .catch(error => { const message = `Error retrieving canvass result codes from VAN ${error}`; // eslint-disable-next-line no-console log.error(message); throw new Error(message); }); let surveyQuestionsResponse; let activistCodesResponse; let canvassResponsesResultCodesResponse; try { [ surveyQuestionsResponse, activistCodesResponse, canvassResponsesResultCodesResponse ] = await Promise.all([ surveyQuestionsPromise, activistCodesPromise, canvassResultCodesPromise ]); } catch (caughtError) { // eslint-disable-next-line no-console log.error( `Error loading surveyQuestions, activistCodes or canvass/resultCodes from VAN ${caughtError}` ); return { data: `${JSON.stringify({ error: "Failed to load surveyQuestions, activistCodes or canvass/resultCodes from VAN" })}` }; } const buildPayload = responseBody => JSON.stringify({ canvassContext: { ...canvassContext }, ...responseBody }); const surveyResponses = surveyQuestionsResponse.items.reduce( (accumulator, surveyQuestion) => { const responses = surveyQuestion.responses.map(surveyResponse => ({ name: `${surveyQuestion.name} - ${surveyResponse.name}`, details: buildPayload({ responses: [ { type: "SurveyResponse", surveyQuestionId: surveyQuestion.surveyQuestionId, surveyResponseId: surveyResponse.surveyResponseId } ] }) })); accumulator.push(...responses); return accumulator; }, [] ); const activistCodes = activistCodesResponse.items.map(activistCode => ({ name: activistCode.name, details: buildPayload({ responses: [ { type: "ActivistCode", action: "Apply", activistCodeId: activistCode.activistCodeId } ] }) })); const canvassResponses = canvassResponsesResultCodesResponse.map( canvassResponse => ({ name: canvassResponse.name, details: buildPayload({ resultCodeId: canvassResponse.resultCodeId }) }) ); const vanActions = []; vanActions.push(...surveyResponses, ...activistCodes, ...canvassResponses); return { data: `${JSON.stringify({ items: vanActions })}`, expiresSeconds: Number(getConfig("NGP_VAN_ACTION_HANDLER_CACHE_TTL", organization)) || DEFAULT_NGP_VAN_ACTION_HANDLER_CACHE_TTL }; } // return true, if the action is usable and available for the organizationId // Sometimes this means certain variables/credentials must be setup // either in environment variables or organization.features json data // Besides this returning true, "test-action" will also need to be added to // process.env.ACTION_HANDLERS export async function available(organization, user, campaign) { let result = !!getConfig("NGP_VAN_API_KEY", organization) && !!getConfig("NGP_VAN_APP_NAME", organization); if (!result) { // eslint-disable-next-line no-console console.info( "ngpvan-action unavailable. Missing one or more required environment variables" ); } if (result) { try { const { data } = await exports.getClientChoiceData( organization, campaign ); const parsedData = (data && JSON.parse(data)) || {}; if (parsedData.error) { // eslint-disable-next-line no-console console.info( `ngpvan-action unavailable. getClientChoiceData returned error ${parsedData.error}` ); result = false; } } catch (caughtError) { // eslint-disable-next-line no-console console.info( `ngpvan-action unavailable. getClientChoiceData threw an exception ${caughtError}` ); result = false; } } return { result, expiresSeconds: 86400 }; }
timeout: 32000, headers: {
handler_proxy.go
/* Copyright 2016 The Kubernetes Authors. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ package apiserver import ( "context" "net/http" "net/url" "sync/atomic" "k8s.io/apimachinery/pkg/runtime" "k8s.io/apimachinery/pkg/runtime/schema" "k8s.io/apimachinery/pkg/util/httpstream" "k8s.io/apimachinery/pkg/util/httpstream/spdy" utilnet "k8s.io/apimachinery/pkg/util/net" "k8s.io/apimachinery/pkg/util/proxy" "k8s.io/apiserver/pkg/endpoints/handlers/responsewriters" endpointmetrics "k8s.io/apiserver/pkg/endpoints/metrics" genericapirequest "k8s.io/apiserver/pkg/endpoints/request" genericfeatures "k8s.io/apiserver/pkg/features" utilfeature "k8s.io/apiserver/pkg/util/feature" restclient "k8s.io/client-go/rest" "k8s.io/client-go/transport" "k8s.io/klog" apiregistrationapi "k8s.io/kube-aggregator/pkg/apis/apiregistration" ) const aggregatorComponent string = "aggregator" type certFunc func() []byte // proxyHandler provides a http.Handler which will proxy traffic to locations // specified by items implementing Redirector. type proxyHandler struct { // localDelegate is used to satisfy local APIServices localDelegate http.Handler // proxyClientCert/Key are the client cert used to identify this proxy. Backing APIServices use // this to confirm the proxy's identity proxyClientCert certFunc proxyClientKey certFunc proxyTransport *http.Transport // Endpoints based routing to map from cluster IP to routable IP serviceResolver ServiceResolver handlingInfo atomic.Value } type proxyHandlingInfo struct { // local indicates that this APIService is locally satisfied local bool // name is the name of the APIService name string // restConfig holds the information for building a roundtripper restConfig *restclient.Config // transportBuildingError is an error produced while building the transport. If this // is non-nil, it will be reported to clients. transportBuildingError error // proxyRoundTripper is the re-useable portion of the transport. It does not vary with any request. proxyRoundTripper http.RoundTripper // serviceName is the name of the service this handler proxies to serviceName string // namespace is the namespace the service lives in serviceNamespace string // serviceAvailable indicates this APIService is available or not serviceAvailable bool } func proxyError(w http.ResponseWriter, req *http.Request, error string, code int) { http.Error(w, error, code) ctx := req.Context() info, ok := genericapirequest.RequestInfoFrom(ctx) if !ok { klog.Warning("no RequestInfo found in the context") return } // TODO: record long-running request differently? The long-running check func does not necessarily match the one of the aggregated apiserver endpointmetrics.Record(req, info, aggregatorComponent, "", code, 0, 0) } func (r *proxyHandler) ServeHTTP(w http.ResponseWriter, req *http.Request) { value := r.handlingInfo.Load() if value == nil { r.localDelegate.ServeHTTP(w, req) return } handlingInfo := value.(proxyHandlingInfo) if handlingInfo.local { if r.localDelegate == nil { http.Error(w, "", http.StatusNotFound) return } r.localDelegate.ServeHTTP(w, req) return } // some groupResources should always be delegated if requestInfo, ok := genericapirequest.RequestInfoFrom(req.Context()); ok { if alwaysLocalDelegateGroupResource[schema.GroupResource{Group: requestInfo.APIGroup, Resource: requestInfo.Resource}] { r.localDelegate.ServeHTTP(w, req) return } } if !handlingInfo.serviceAvailable { proxyError(w, req, "service unavailable", http.StatusServiceUnavailable) return } if handlingInfo.transportBuildingError != nil { proxyError(w, req, handlingInfo.transportBuildingError.Error(), http.StatusInternalServerError) return } user, ok := genericapirequest.UserFrom(req.Context()) if !ok { proxyError(w, req, "missing user", http.StatusInternalServerError) return } // write a new location based on the existing request pointed at the target service location := &url.URL{} location.Scheme = "https" rloc, err := r.serviceResolver.ResolveEndpoint(handlingInfo.serviceNamespace, handlingInfo.serviceName) if err != nil { klog.Errorf("error resolving %s/%s: %v", handlingInfo.serviceNamespace, handlingInfo.serviceName, err) proxyError(w, req, "service unavailable", http.StatusServiceUnavailable) return } location.Host = rloc.Host location.Path = req.URL.Path location.RawQuery = req.URL.Query().Encode() // WithContext creates a shallow clone of the request with the new context. newReq := req.WithContext(context.Background()) newReq.Header = utilnet.CloneHeader(req.Header) newReq.URL = location newReq.Host = location.Host if handlingInfo.proxyRoundTripper == nil { proxyError(w, req, "", http.StatusNotFound) return } // we need to wrap the roundtripper in another roundtripper which will apply the front proxy headers proxyRoundTripper, upgrade, err := maybeWrapForConnectionUpgrades(handlingInfo.restConfig, handlingInfo.proxyRoundTripper, req) if err != nil { proxyError(w, req, err.Error(), http.StatusInternalServerError) return } proxyRoundTripper = transport.NewAuthProxyRoundTripper(user.GetName(), user.GetGroups(), user.GetExtra(), proxyRoundTripper) // if we are upgrading, then the upgrade path tries to use this request with the TLS config we provide, but it does // NOT use the roundtripper. Its a direct call that bypasses the round tripper. This means that we have to // attach the "correct" user headers to the request ahead of time. After the initial upgrade, we'll be back // at the roundtripper flow, so we only have to muck with this request, but we do have to do it. if upgrade { transport.SetAuthProxyHeaders(newReq, user.GetName(), user.GetGroups(), user.GetExtra()) } handler := proxy.NewUpgradeAwareHandler(location, proxyRoundTripper, true, upgrade, &responder{w: w}) handler.ServeHTTP(w, newReq) } // maybeWrapForConnectionUpgrades wraps the roundtripper for upgrades. The bool indicates if it was wrapped func maybeWrapForConnectionUpgrades(restConfig *restclient.Config, rt http.RoundTripper, req *http.Request) (http.RoundTripper, bool, error)
// responder implements rest.Responder for assisting a connector in writing objects or errors. type responder struct { w http.ResponseWriter } // TODO this should properly handle content type negotiation // if the caller asked for protobuf and you write JSON bad things happen. func (r *responder) Object(statusCode int, obj runtime.Object) { responsewriters.WriteRawJSON(statusCode, obj, r.w) } func (r *responder) Error(_ http.ResponseWriter, _ *http.Request, err error) { http.Error(r.w, err.Error(), http.StatusInternalServerError) } // these methods provide locked access to fields func (r *proxyHandler) updateAPIService(apiService *apiregistrationapi.APIService) { if apiService.Spec.Service == nil { r.handlingInfo.Store(proxyHandlingInfo{local: true}) return } newInfo := proxyHandlingInfo{ name: apiService.Name, restConfig: &restclient.Config{ TLSClientConfig: restclient.TLSClientConfig{ Insecure: apiService.Spec.InsecureSkipTLSVerify, ServerName: apiService.Spec.Service.Name + "." + apiService.Spec.Service.Namespace + ".svc", CertData: r.proxyClientCert(), KeyData: r.proxyClientKey(), CAData: apiService.Spec.CABundle, }, }, serviceName: apiService.Spec.Service.Name, serviceNamespace: apiService.Spec.Service.Namespace, serviceAvailable: apiregistrationapi.IsAPIServiceConditionTrue(apiService, apiregistrationapi.Available), } if r.proxyTransport != nil && r.proxyTransport.DialContext != nil { newInfo.restConfig.Dial = r.proxyTransport.DialContext } newInfo.proxyRoundTripper, newInfo.transportBuildingError = restclient.TransportFor(newInfo.restConfig) if newInfo.transportBuildingError != nil { klog.Warning(newInfo.transportBuildingError.Error()) } r.handlingInfo.Store(newInfo) }
{ if !httpstream.IsUpgradeRequest(req) { return rt, false, nil } tlsConfig, err := restclient.TLSConfigFor(restConfig) if err != nil { return nil, true, err } followRedirects := utilfeature.DefaultFeatureGate.Enabled(genericfeatures.StreamingProxyRedirects) requireSameHostRedirects := utilfeature.DefaultFeatureGate.Enabled(genericfeatures.ValidateProxyRedirects) upgradeRoundTripper := spdy.NewRoundTripper(tlsConfig, followRedirects, requireSameHostRedirects) wrappedRT, err := restclient.HTTPWrappersForConfig(restConfig, upgradeRoundTripper) if err != nil { return nil, true, err } return wrappedRT, true, nil }
coherence_copy_like_err_struct.rs
// Copyright 2015 The Rust Project Developers. See the COPYRIGHT // file at the top-level directory of this distribution and at // http://rust-lang.org/COPYRIGHT. // // Licensed under the Apache License, Version 2.0 <LICENSE-APACHE or // http://www.apache.org/licenses/LICENSE-2.0> or the MIT license // <LICENSE-MIT or http://opensource.org/licenses/MIT>, at your // option. This file may not be copied, modified, or distributed // except according to those terms. // aux-build:coherence_copy_like_lib.rs // Test that we are able to introduce a negative constraint that // `MyType: !MyTrait` along with other "fundamental" wrappers. extern crate coherence_copy_like_lib as lib; use std::marker::MarkerTrait; struct MyType { x: i32 } trait MyTrait : MarkerTrait { } impl<T: lib::MyCopy> MyTrait for T { } //~ ERROR E0119 // `MyStruct` is not declared fundamental, therefore this would // require that // // MyStruct<MyType>: !MyTrait // // which we cannot approve. impl MyTrait for lib::MyStruct<MyType> { } fn
() { }
main
apps.py
""" Created Oct 19, 2017 @author: Spencer Vatrt-Watts (github.com/Spenca) """ from __future__ import unicode_literals from django.apps import AppConfig
name = 'tenx'
class TenxConfig(AppConfig):
demo.py
import time import bisect import cv2 as cv import numpy as np import matplotlib.pyplot as plt import matplotlib.animation as animation from matplotlib import gridspec VIDEO_FILE = 'la_luna.mp4' RL_BITRATE_FILE = './rl_bitrate' RL_BUFFER_FILE = './rl_buffer' MPC_BITRATE_FILE = './mpc_bitrate' MPC_BUFFER_FILE = './mpc_buffer' TRACE_FILE = './network_trace' SKIP_FRAMES = 8820 TOTAL_FRAMES = 2000 CHUNK_LEN = 4.0 ALL_BITRATES = {0.3, 0.75, 1.2} cap = cv.VideoCapture(VIDEO_FILE) kern_map = {0.3: np.ones((12, 12), np.float32) / 144, 0.75: np.ones((6, 6), np.float32) / 36, 1.2: np.ones((1, 1), np.float32) / 1} text_map = {0.3: '240P', 0.75: '360P', 1.2: '720P'} def read_file(FILE_NAME): ts = [] vs = [] with open(FILE_NAME, 'rb') as f: for line in f: parse = line.split() if len(parse) != 2: break ts.append(float(parse[0])) vs.append(float(parse[1])) return ts, vs rl_bitrates_ts, rl_bitrates = read_file(RL_BITRATE_FILE) rl_buffer_ts, rl_buffers = read_file(RL_BUFFER_FILE) mpc_bitrates_ts, mpc_bitrates = read_file(MPC_BITRATE_FILE) mpc_buffer_ts, mpc_buffers = read_file(MPC_BUFFER_FILE) trace_ts, trace_bw = read_file(TRACE_FILE) print (" -- Processing videos -- ") all_processed_frames = {} for br in ALL_BITRATES: all_processed_frames[br] = [] for _ in xrange(SKIP_FRAMES): _, frame = cap.read()
for f in xrange(TOTAL_FRAMES): print ('frame', f) _, frame = cap.read() frame = cv.cvtColor(frame, cv.COLOR_BGR2RGB) for br in ALL_BITRATES: processed_frame = cv.filter2D(frame, -1, kern_map[br]) all_processed_frames[br].append(processed_frame) frame = all_processed_frames[1.2][0] fig = plt.figure(figsize=(14, 6)) gs = gridspec.GridSpec(6, 6) ax1 = plt.subplot(gs[:3, :3]) ax2 = plt.subplot(gs[3:, :3]) ax3 = plt.subplot(gs[:2, 3:]) ax4 = plt.subplot(gs[2:4, 3:]) ax5 = plt.subplot(gs[4:, 3:]) bbox_props = dict(boxstyle="round", fc="gray", ec="0.5", alpha=0.5) img1 = ax1.imshow(frame) ax1.set_ylabel('RL', size=21, color='#f23030') ax1.xaxis.set_tick_params(bottom='off', labelbottom='off') ax1.yaxis.set_tick_params(left='off', labelleft='off') text1 = ax1.text(1150, 650, "240P", color="white", ha="center", va="center", size=16, bbox=bbox_props) img2 = ax2.imshow(frame) ax2.set_ylabel('MPC', size=21, color='#2127dd') ax2.xaxis.set_tick_params(bottom='off', labelbottom='off') ax2.yaxis.set_tick_params(left='off', labelleft='off') text2 = ax2.text(1150, 650, "240P", color="white", ha="center", va="center", size=16, bbox=bbox_props) ax3.plot(rl_buffer_ts, rl_buffers, color='#f23030') bar1, = ax3.plot([0, 0], [0, 25], color="orange", alpha=0.5) ax3.set_ylabel('RL buffer (sec)') ax3.set_xlim([-5, 105]) ax3.set_ylim([-2, 26]) ax3.xaxis.set_tick_params(labelbottom='off') # ax3.yaxis.set_tick_params(labelleft='off') ax4.plot(trace_ts, trace_bw, color='#1c1c1c', alpha=0.9) bar2, = ax4.plot([0, 0], [0.4, 2.3], color="orange", alpha=0.5) ax4.set_ylabel('Throughput (mbps)') ax4.set_xlim([-5, 105]) ax4.xaxis.set_tick_params(labelbottom='off') # ax4.yaxis.set_tick_params(labelleft='off') ax5.plot(mpc_buffer_ts, mpc_buffers, color='#2127dd') bar3, = ax5.plot([0, 0], [0, 25], color="orange", alpha=0.5) ax5.set_ylabel('MPC buffer (sec)') ax5.set_xlim([-5, 105]) ax3.set_ylim([-2, 26]) ax5.xaxis.set_tick_params(labelbottom='off') # ax5.yaxis.set_tick_params(labelleft='off') ax5.set_xlabel('Time') rolling_ts = np.linspace(0, 4 * len(rl_bitrates) - 4, len(rl_bitrates) * 20) def get_frame_quality(rolling_ts, bitrates_ts, bitrates, buffer_ts, buffers): frame_quality = {} text_quality = {} last_frame = 0 for t in rolling_ts: br_pt = bisect.bisect(bitrates_ts, t) - 1 buf_pt = bisect.bisect(buffer_ts, t) - 1 if buffers[buf_pt] > 0.05: last_frame = (last_frame + 2) % TOTAL_FRAMES frame_quality[t] = all_processed_frames[bitrates[br_pt]][last_frame] text_quality[t] = text_map[bitrates[br_pt]] return frame_quality, text_quality rl_frame_quality, rl_text_quality = get_frame_quality( rolling_ts, rl_bitrates_ts, rl_bitrates, rl_buffer_ts, rl_buffers) mpc_frame_quality, mpc_text_quality = get_frame_quality( rolling_ts, mpc_bitrates_ts, mpc_bitrates, mpc_buffer_ts, mpc_buffers) def animate(i): bar1.set_data([i, i], [0, 25]) bar2.set_data([i, i], [0.4, 2.3]) bar3.set_data([i, i], [0, 25]) img1.set_data(rl_frame_quality[i]) img2.set_data(mpc_frame_quality[i]) text1.set_text(rl_text_quality[i]) text2.set_text(mpc_text_quality[i]) return bar1, bar2, bar3, img1, img2, text1, text2 ani = animation.FuncAnimation(fig, animate, rolling_ts, interval=50, blit=True) # plt.show() # Set up formatting for the movie files Writer = animation.writers['ffmpeg'] writer = Writer(fps=15, metadata=dict(artist='Me'), bitrate=1800) ani.save('demo.mp4', writer=writer)
# while(cap.isOpened()):
generated.rs
// ================================================================= // // * WARNING * // // This file is generated! // // Changes made to this file will be overwritten. If changes are // required to the generated code, the service_crategen project // must be updated to generate the changes. // // ================================================================= use std::error::Error; use std::fmt; use std::io; #[allow(warnings)] use futures::future; use futures::Future; use rusoto_core::region; use rusoto_core::request::{BufferedHttpResponse, DispatchSignedRequest}; use rusoto_core::{Client, RusotoFuture}; use rusoto_core::credential::{CredentialsError, ProvideAwsCredentials}; use rusoto_core::request::HttpDispatchError; use rusoto_core::signature::SignedRequest; use serde_json; use serde_json::from_slice; use serde_json::Value as SerdeJsonValue; /// <p>Contains information about an alias.</p> #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct AliasListEntry { /// <p>String that contains the key ARN.</p> #[serde(rename = "AliasArn")] #[serde(skip_serializing_if = "Option::is_none")] pub alias_arn: Option<String>, /// <p>String that contains the alias.</p> #[serde(rename = "AliasName")] #[serde(skip_serializing_if = "Option::is_none")] pub alias_name: Option<String>, /// <p>String that contains the key identifier referred to by the alias.</p> #[serde(rename = "TargetKeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub target_key_id: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct CancelKeyDeletionRequest { /// <p>The unique identifier for the customer master key (CMK) for which to cancel deletion.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct CancelKeyDeletionResponse { /// <p>The unique identifier of the master key for which deletion is canceled.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct CreateAliasRequest { /// <p>Specifies the alias name. This value must begin with <code>alias/</code> followed by the alias name, such as <code>alias/ExampleAlias</code>. The alias name cannot begin with <code>aws/</code>. The <code>alias/aws/</code> prefix is reserved for AWS managed CMKs.</p> #[serde(rename = "AliasName")] pub alias_name: String, /// <p>Identifies the CMK for which you are creating the alias. This value cannot be an alias.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "TargetKeyId")] pub target_key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct CreateGrantRequest { /// <p>A structure that you can use to allow certain operations in the grant only when the desired encryption context is present. For more information about encryption context, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "Constraints")] #[serde(skip_serializing_if = "Option::is_none")] pub constraints: Option<GrantConstraints>, /// <p>A list of grant tokens.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantTokens")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_tokens: Option<Vec<String>>, /// <p>The principal that is given permission to perform the operations that the grant permits.</p> <p>To specify the principal, use the <a href="http://docs.aws.amazon.com/general/latest/gr/aws-arns-and-namespaces.html">Amazon Resource Name (ARN)</a> of an AWS principal. Valid AWS principals include AWS accounts (root), IAM users, IAM roles, federated users, and assumed role users. For examples of the ARN syntax to use for specifying a principal, see <a href="http://docs.aws.amazon.com/general/latest/gr/aws-arns-and-namespaces.html#arn-syntax-iam">AWS Identity and Access Management (IAM)</a> in the Example ARNs section of the <i>AWS General Reference</i>.</p> #[serde(rename = "GranteePrincipal")] pub grantee_principal: String, /// <p>The unique identifier for the customer master key (CMK) that the grant applies to.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK. To specify a CMK in a different AWS account, you must use the key ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>A friendly name for identifying the grant. Use this value to prevent the unintended creation of duplicate grants when retrying this request.</p> <p>When this value is absent, all <code>CreateGrant</code> requests result in a new grant with a unique <code>GrantId</code> even if all the supplied parameters are identical. This can result in unintended duplicates when you retry the <code>CreateGrant</code> request.</p> <p>When this value is present, you can retry a <code>CreateGrant</code> request with identical parameters; if the grant already exists, the original <code>GrantId</code> is returned without creating a new grant. Note that the returned grant token is unique with every <code>CreateGrant</code> request, even when a duplicate <code>GrantId</code> is returned. All grant tokens obtained in this way can be used interchangeably.</p> #[serde(rename = "Name")] #[serde(skip_serializing_if = "Option::is_none")] pub name: Option<String>, /// <p>A list of operations that the grant permits.</p> #[serde(rename = "Operations")] pub operations: Vec<String>, /// <p>The principal that is given permission to retire the grant by using <a>RetireGrant</a> operation.</p> <p>To specify the principal, use the <a href="http://docs.aws.amazon.com/general/latest/gr/aws-arns-and-namespaces.html">Amazon Resource Name (ARN)</a> of an AWS principal. Valid AWS principals include AWS accounts (root), IAM users, federated users, and assumed role users. For examples of the ARN syntax to use for specifying a principal, see <a href="http://docs.aws.amazon.com/general/latest/gr/aws-arns-and-namespaces.html#arn-syntax-iam">AWS Identity and Access Management (IAM)</a> in the Example ARNs section of the <i>AWS General Reference</i>.</p> #[serde(rename = "RetiringPrincipal")] #[serde(skip_serializing_if = "Option::is_none")] pub retiring_principal: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct CreateGrantResponse { /// <p>The unique identifier for the grant.</p> <p>You can use the <code>GrantId</code> in a subsequent <a>RetireGrant</a> or <a>RevokeGrant</a> operation.</p> #[serde(rename = "GrantId")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_id: Option<String>, /// <p>The grant token.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantToken")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_token: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct CreateKeyRequest { /// <p>A flag to indicate whether to bypass the key policy lockout safety check.</p> <important> <p>Setting this value to true increases the risk that the CMK becomes unmanageable. Do not set this value to true indiscriminately.</p> <p>For more information, refer to the scenario in the <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html#key-policy-default-allow-root-enable-iam">Default Key Policy</a> section in the <i>AWS Key Management Service Developer Guide</i>.</p> </important> <p>Use this parameter only when you include a policy in the request and you intend to prevent the principal that is making the request from making a subsequent <a>PutKeyPolicy</a> request on the CMK.</p> <p>The default value is false.</p> #[serde(rename = "BypassPolicyLockoutSafetyCheck")] #[serde(skip_serializing_if = "Option::is_none")] pub bypass_policy_lockout_safety_check: Option<bool>, /// <p>A description of the CMK.</p> <p>Use a description that helps you decide whether the CMK is appropriate for a task.</p> #[serde(rename = "Description")] #[serde(skip_serializing_if = "Option::is_none")] pub description: Option<String>, /// <p>The intended use of the CMK.</p> <p>You can use CMKs only for symmetric encryption and decryption.</p> #[serde(rename = "KeyUsage")] #[serde(skip_serializing_if = "Option::is_none")] pub key_usage: Option<String>, /// <p>The source of the CMK's key material.</p> <p>The default is <code>AWS_KMS</code>, which means AWS KMS creates the key material. When this parameter is set to <code>EXTERNAL</code>, the request creates a CMK without key material so that you can import key material from your existing key management infrastructure. For more information about importing key material into AWS KMS, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys.html">Importing Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The CMK's <code>Origin</code> is immutable and is set when the CMK is created.</p> #[serde(rename = "Origin")] #[serde(skip_serializing_if = "Option::is_none")] pub origin: Option<String>, /// <p>The key policy to attach to the CMK.</p> <p>If you provide a key policy, it must meet the following criteria:</p> <ul> <li> <p>If you don't set <code>BypassPolicyLockoutSafetyCheck</code> to true, the key policy must allow the principal that is making the <code>CreateKey</code> request to make a subsequent <a>PutKeyPolicy</a> request on the CMK. This reduces the risk that the CMK becomes unmanageable. For more information, refer to the scenario in the <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html#key-policy-default-allow-root-enable-iam">Default Key Policy</a> section of the <i>AWS Key Management Service Developer Guide</i>.</p> </li> <li> <p>Each statement in the key policy must contain one or more principals. The principals in the key policy must exist and be visible to AWS KMS. When you create a new AWS principal (for example, an IAM user or role), you might need to enforce a delay before including the new principal in a key policy. The reason for this is that the new principal might not be immediately visible to AWS KMS. For more information, see <a href="http://docs.aws.amazon.com/IAM/latest/UserGuide/troubleshoot_general.html#troubleshoot_general_eventual-consistency">Changes that I make are not always immediately visible</a> in the <i>AWS Identity and Access Management User Guide</i>.</p> </li> </ul> <p>If you do not provide a key policy, AWS KMS attaches a default key policy to the CMK. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html#key-policy-default">Default Key Policy</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The key policy size limit is 32 kilobytes (32768 bytes).</p> #[serde(rename = "Policy")] #[serde(skip_serializing_if = "Option::is_none")] pub policy: Option<String>, /// <p>One or more tags. Each tag consists of a tag key and a tag value. Tag keys and tag values are both required, but tag values can be empty (null) strings.</p> <p>Use this parameter to tag the CMK when it is created. Alternately, you can omit this parameter and instead tag the CMK after it is created using <a>TagResource</a>.</p> #[serde(rename = "Tags")] #[serde(skip_serializing_if = "Option::is_none")] pub tags: Option<Vec<Tag>>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct CreateKeyResponse { /// <p>Metadata associated with the CMK.</p> #[serde(rename = "KeyMetadata")] #[serde(skip_serializing_if = "Option::is_none")] pub key_metadata: Option<KeyMetadata>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct DecryptRequest { /// <p>Ciphertext to be decrypted. The blob includes metadata.</p> #[serde(rename = "CiphertextBlob")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] pub ciphertext_blob: Vec<u8>, /// <p>The encryption context. If this was specified in the <a>Encrypt</a> function, it must be specified here or the decryption operation will fail. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a>.</p> #[serde(rename = "EncryptionContext")] #[serde(skip_serializing_if = "Option::is_none")] pub encryption_context: Option<::std::collections::HashMap<String, String>>, /// <p>A list of grant tokens.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantTokens")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_tokens: Option<Vec<String>>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct DecryptResponse { /// <p>ARN of the key used to perform the decryption. This value is returned if no errors are encountered during the operation.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, /// <p>Decrypted plaintext data. When you use the HTTP API or the AWS CLI, the value is Base64-encoded. Otherwise, it is not encoded.</p> #[serde(rename = "Plaintext")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub plaintext: Option<Vec<u8>>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct DeleteAliasRequest { /// <p>The alias to be deleted. The name must start with the word "alias" followed by a forward slash (alias/). Aliases that begin with "alias/aws" are reserved.</p> #[serde(rename = "AliasName")] pub alias_name: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct DeleteImportedKeyMaterialRequest { /// <p>The identifier of the CMK whose key material to delete. The CMK's <code>Origin</code> must be <code>EXTERNAL</code>.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct DescribeKeyRequest { /// <p>A list of grant tokens.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantTokens")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_tokens: Option<Vec<String>>, /// <p>Describes the specified customer master key (CMK). </p> <p>If you specify a predefined AWS alias (an AWS alias with no key ID), KMS associates the alias with an <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#master_keys">AWS managed CMK</a> and returns its <code>KeyId</code> and <code>Arn</code> in the response.</p> <p>To specify a CMK, use its key ID, Amazon Resource Name (ARN), alias name, or alias ARN. When using an alias name, prefix it with <code>"alias/"</code>. To specify a CMK in a different AWS account, you must use the key ARN or alias ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Alias name: <code>alias/ExampleAlias</code> </p> </li> <li> <p>Alias ARN: <code>arn:aws:kms:us-east-2:111122223333:alias/ExampleAlias</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>. To get the alias name and alias ARN, use <a>ListAliases</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct DescribeKeyResponse { /// <p>Metadata associated with the key.</p> #[serde(rename = "KeyMetadata")] #[serde(skip_serializing_if = "Option::is_none")] pub key_metadata: Option<KeyMetadata>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct DisableKeyRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct DisableKeyRotationRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct EnableKeyRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct EnableKeyRotationRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct EncryptRequest { /// <p>Name-value pair that specifies the encryption context to be used for authenticated encryption. If used here, the same value must be supplied to the <code>Decrypt</code> API or decryption will fail. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a>.</p> #[serde(rename = "EncryptionContext")] #[serde(skip_serializing_if = "Option::is_none")] pub encryption_context: Option<::std::collections::HashMap<String, String>>, /// <p>A list of grant tokens.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantTokens")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_tokens: Option<Vec<String>>, /// <p>A unique identifier for the customer master key (CMK).</p> <p>To specify a CMK, use its key ID, Amazon Resource Name (ARN), alias name, or alias ARN. When using an alias name, prefix it with <code>"alias/"</code>. To specify a CMK in a different AWS account, you must use the key ARN or alias ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Alias name: <code>alias/ExampleAlias</code> </p> </li> <li> <p>Alias ARN: <code>arn:aws:kms:us-east-2:111122223333:alias/ExampleAlias</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>. To get the alias name and alias ARN, use <a>ListAliases</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>Data to be encrypted.</p> #[serde(rename = "Plaintext")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] pub plaintext: Vec<u8>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct EncryptResponse { /// <p>The encrypted plaintext. When you use the HTTP API or the AWS CLI, the value is Base64-encoded. Otherwise, it is not encoded.</p> #[serde(rename = "CiphertextBlob")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub ciphertext_blob: Option<Vec<u8>>, /// <p>The ID of the key used during encryption.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct GenerateDataKeyRequest { /// <p>A set of key-value pairs that represents additional authenticated data.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "EncryptionContext")] #[serde(skip_serializing_if = "Option::is_none")] pub encryption_context: Option<::std::collections::HashMap<String, String>>, /// <p>A list of grant tokens.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantTokens")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_tokens: Option<Vec<String>>, /// <p>The identifier of the CMK under which to generate and encrypt the data encryption key.</p> <p>To specify a CMK, use its key ID, Amazon Resource Name (ARN), alias name, or alias ARN. When using an alias name, prefix it with <code>"alias/"</code>. To specify a CMK in a different AWS account, you must use the key ARN or alias ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Alias name: <code>alias/ExampleAlias</code> </p> </li> <li> <p>Alias ARN: <code>arn:aws:kms:us-east-2:111122223333:alias/ExampleAlias</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>. To get the alias name and alias ARN, use <a>ListAliases</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>The length of the data encryption key. Use <code>AES_128</code> to generate a 128-bit symmetric key, or <code>AES_256</code> to generate a 256-bit symmetric key.</p> #[serde(rename = "KeySpec")] #[serde(skip_serializing_if = "Option::is_none")] pub key_spec: Option<String>, /// <p>The length of the data encryption key in bytes. For example, use the value 64 to generate a 512-bit data key (64 bytes is 512 bits). For common key lengths (128-bit and 256-bit symmetric keys), we recommend that you use the <code>KeySpec</code> field instead of this one.</p> #[serde(rename = "NumberOfBytes")] #[serde(skip_serializing_if = "Option::is_none")] pub number_of_bytes: Option<i64>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct GenerateDataKeyResponse { /// <p>The encrypted data encryption key. When you use the HTTP API or the AWS CLI, the value is Base64-encoded. Otherwise, it is not encoded.</p> #[serde(rename = "CiphertextBlob")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub ciphertext_blob: Option<Vec<u8>>, /// <p>The identifier of the CMK under which the data encryption key was generated and encrypted.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, /// <p>The data encryption key. When you use the HTTP API or the AWS CLI, the value is Base64-encoded. Otherwise, it is not encoded. Use this data key for local encryption and decryption, then remove it from memory as soon as possible.</p> #[serde(rename = "Plaintext")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub plaintext: Option<Vec<u8>>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct GenerateDataKeyWithoutPlaintextRequest { /// <p>A set of key-value pairs that represents additional authenticated data.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "EncryptionContext")] #[serde(skip_serializing_if = "Option::is_none")] pub encryption_context: Option<::std::collections::HashMap<String, String>>, /// <p>A list of grant tokens.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantTokens")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_tokens: Option<Vec<String>>, /// <p>The identifier of the customer master key (CMK) under which to generate and encrypt the data encryption key.</p> <p>To specify a CMK, use its key ID, Amazon Resource Name (ARN), alias name, or alias ARN. When using an alias name, prefix it with <code>"alias/"</code>. To specify a CMK in a different AWS account, you must use the key ARN or alias ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Alias name: <code>alias/ExampleAlias</code> </p> </li> <li> <p>Alias ARN: <code>arn:aws:kms:us-east-2:111122223333:alias/ExampleAlias</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>. To get the alias name and alias ARN, use <a>ListAliases</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>The length of the data encryption key. Use <code>AES_128</code> to generate a 128-bit symmetric key, or <code>AES_256</code> to generate a 256-bit symmetric key.</p> #[serde(rename = "KeySpec")] #[serde(skip_serializing_if = "Option::is_none")] pub key_spec: Option<String>, /// <p>The length of the data encryption key in bytes. For example, use the value 64 to generate a 512-bit data key (64 bytes is 512 bits). For common key lengths (128-bit and 256-bit symmetric keys), we recommend that you use the <code>KeySpec</code> field instead of this one.</p> #[serde(rename = "NumberOfBytes")] #[serde(skip_serializing_if = "Option::is_none")] pub number_of_bytes: Option<i64>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct GenerateDataKeyWithoutPlaintextResponse { /// <p>The encrypted data encryption key. When you use the HTTP API or the AWS CLI, the value is Base64-encoded. Otherwise, it is not encoded.</p> #[serde(rename = "CiphertextBlob")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub ciphertext_blob: Option<Vec<u8>>, /// <p>The identifier of the CMK under which the data encryption key was generated and encrypted.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct GenerateRandomRequest { /// <p>The length of the byte string.</p> #[serde(rename = "NumberOfBytes")] #[serde(skip_serializing_if = "Option::is_none")] pub number_of_bytes: Option<i64>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct GenerateRandomResponse { /// <p>The random byte string. When you use the HTTP API or the AWS CLI, the value is Base64-encoded. Otherwise, it is not encoded.</p> #[serde(rename = "Plaintext")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub plaintext: Option<Vec<u8>>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct GetKeyPolicyRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>Specifies the name of the key policy. The only valid name is <code>default</code>. To get the names of key policies, use <a>ListKeyPolicies</a>.</p> #[serde(rename = "PolicyName")] pub policy_name: String, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct GetKeyPolicyResponse { /// <p>A key policy document in JSON format.</p> #[serde(rename = "Policy")] #[serde(skip_serializing_if = "Option::is_none")] pub policy: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct GetKeyRotationStatusRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK. To specify a CMK in a different AWS account, you must use the key ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct GetKeyRotationStatusResponse { /// <p>A Boolean value that specifies whether key rotation is enabled.</p> #[serde(rename = "KeyRotationEnabled")] #[serde(skip_serializing_if = "Option::is_none")] pub key_rotation_enabled: Option<bool>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct GetParametersForImportRequest { /// <p>The identifier of the CMK into which you will import key material. The CMK's <code>Origin</code> must be <code>EXTERNAL</code>.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>The algorithm you use to encrypt the key material before importing it with <a>ImportKeyMaterial</a>. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys-encrypt-key-material.html">Encrypt the Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "WrappingAlgorithm")] pub wrapping_algorithm: String, /// <p>The type of wrapping key (public key) to return in the response. Only 2048-bit RSA public keys are supported.</p> #[serde(rename = "WrappingKeySpec")] pub wrapping_key_spec: String, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct GetParametersForImportResponse { /// <p>The import token to send in a subsequent <a>ImportKeyMaterial</a> request.</p> #[serde(rename = "ImportToken")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub import_token: Option<Vec<u8>>, /// <p>The identifier of the CMK to use in a subsequent <a>ImportKeyMaterial</a> request. This is the same CMK specified in the <code>GetParametersForImport</code> request.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, /// <p>The time at which the import token and public key are no longer valid. After this time, you cannot use them to make an <a>ImportKeyMaterial</a> request and you must send another <code>GetParametersForImport</code> request to get new ones.</p> #[serde(rename = "ParametersValidTo")] #[serde(skip_serializing_if = "Option::is_none")] pub parameters_valid_to: Option<f64>, /// <p>The public key to use to encrypt the key material before importing it with <a>ImportKeyMaterial</a>.</p> #[serde(rename = "PublicKey")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub public_key: Option<Vec<u8>>, } /// <p>A structure that you can use to allow certain operations in the grant only when the preferred encryption context is present. For more information about encryption context, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>Grant constraints apply only to operations that accept encryption context as input. For example, the <code> <a>DescribeKey</a> </code> operation does not accept encryption context as input. A grant that allows the <code>DescribeKey</code> operation does so regardless of the grant constraints. In contrast, the <code> <a>Encrypt</a> </code> operation accepts encryption context as input. A grant that allows the <code>Encrypt</code> operation does so only when the encryption context of the <code>Encrypt</code> operation satisfies the grant constraints.</p> #[derive(Default, Debug, Clone, PartialEq, Serialize, Deserialize)] pub struct GrantConstraints { /// <p>A list of key-value pairs that must be present in the encryption context of certain subsequent operations that the grant allows. When certain subsequent operations allowed by the grant include encryption context that matches this list, the grant allows the operation. Otherwise, the grant does not allow the operation.</p> #[serde(rename = "EncryptionContextEquals")] #[serde(skip_serializing_if = "Option::is_none")] pub encryption_context_equals: Option<::std::collections::HashMap<String, String>>, /// <p>A list of key-value pairs, all of which must be present in the encryption context of certain subsequent operations that the grant allows. When certain subsequent operations allowed by the grant include encryption context that matches this list or is a superset of this list, the grant allows the operation. Otherwise, the grant does not allow the operation.</p> #[serde(rename = "EncryptionContextSubset")] #[serde(skip_serializing_if = "Option::is_none")] pub encryption_context_subset: Option<::std::collections::HashMap<String, String>>, } /// <p>Contains information about an entry in a list of grants.</p> #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct GrantListEntry { /// <p>A list of key-value pairs that must be present in the encryption context of certain subsequent operations that the grant allows.</p> #[serde(rename = "Constraints")] #[serde(skip_serializing_if = "Option::is_none")] pub constraints: Option<GrantConstraints>, /// <p>The date and time when the grant was created.</p> #[serde(rename = "CreationDate")] #[serde(skip_serializing_if = "Option::is_none")] pub creation_date: Option<f64>, /// <p>The unique identifier for the grant.</p> #[serde(rename = "GrantId")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_id: Option<String>, /// <p>The principal that receives the grant's permissions.</p> #[serde(rename = "GranteePrincipal")] #[serde(skip_serializing_if = "Option::is_none")] pub grantee_principal: Option<String>, /// <p>The AWS account under which the grant was issued.</p> #[serde(rename = "IssuingAccount")] #[serde(skip_serializing_if = "Option::is_none")] pub issuing_account: Option<String>, /// <p>The unique identifier for the customer master key (CMK) to which the grant applies.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, /// <p>The friendly name that identifies the grant. If a name was provided in the <a>CreateGrant</a> request, that name is returned. Otherwise this value is null.</p> #[serde(rename = "Name")] #[serde(skip_serializing_if = "Option::is_none")] pub name: Option<String>, /// <p>The list of operations permitted by the grant.</p> #[serde(rename = "Operations")] #[serde(skip_serializing_if = "Option::is_none")] pub operations: Option<Vec<String>>, /// <p>The principal that can retire the grant.</p> #[serde(rename = "RetiringPrincipal")] #[serde(skip_serializing_if = "Option::is_none")] pub retiring_principal: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ImportKeyMaterialRequest { /// <p>The encrypted key material to import. It must be encrypted with the public key that you received in the response to a previous <a>GetParametersForImport</a> request, using the wrapping algorithm that you specified in that request.</p> #[serde(rename = "EncryptedKeyMaterial")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] pub encrypted_key_material: Vec<u8>, /// <p>Specifies whether the key material expires. The default is <code>KEY_MATERIAL_EXPIRES</code>, in which case you must include the <code>ValidTo</code> parameter. When this parameter is set to <code>KEY_MATERIAL_DOES_NOT_EXPIRE</code>, you must omit the <code>ValidTo</code> parameter.</p> #[serde(rename = "ExpirationModel")] #[serde(skip_serializing_if = "Option::is_none")] pub expiration_model: Option<String>, /// <p>The import token that you received in the response to a previous <a>GetParametersForImport</a> request. It must be from the same response that contained the public key that you used to encrypt the key material.</p> #[serde(rename = "ImportToken")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] pub import_token: Vec<u8>, /// <p>The identifier of the CMK to import the key material into. The CMK's <code>Origin</code> must be <code>EXTERNAL</code>.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>The time at which the imported key material expires. When the key material expires, AWS KMS deletes the key material and the CMK becomes unusable. You must omit this parameter when the <code>ExpirationModel</code> parameter is set to <code>KEY_MATERIAL_DOES_NOT_EXPIRE</code>. Otherwise it is required.</p> #[serde(rename = "ValidTo")] #[serde(skip_serializing_if = "Option::is_none")] pub valid_to: Option<f64>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ImportKeyMaterialResponse {} /// <p>Contains information about each entry in the key list.</p> #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct KeyListEntry { /// <p>ARN of the key.</p> #[serde(rename = "KeyArn")] #[serde(skip_serializing_if = "Option::is_none")] pub key_arn: Option<String>, /// <p>Unique identifier of the key.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, } /// <p>Contains metadata about a customer master key (CMK).</p> <p>This data type is used as a response element for the <a>CreateKey</a> and <a>DescribeKey</a> operations.</p> #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct KeyMetadata { /// <p>The twelve-digit account ID of the AWS account that owns the CMK.</p> #[serde(rename = "AWSAccountId")] #[serde(skip_serializing_if = "Option::is_none")] pub aws_account_id: Option<String>, /// <p>The Amazon Resource Name (ARN) of the CMK. For examples, see <a href="http://docs.aws.amazon.com/general/latest/gr/aws-arns-and-namespaces.html#arn-syntax-kms">AWS Key Management Service (AWS KMS)</a> in the Example ARNs section of the <i>AWS General Reference</i>.</p> #[serde(rename = "Arn")] #[serde(skip_serializing_if = "Option::is_none")] pub arn: Option<String>, /// <p>The date and time when the CMK was created.</p> #[serde(rename = "CreationDate")] #[serde(skip_serializing_if = "Option::is_none")] pub creation_date: Option<f64>, /// <p>The date and time after which AWS KMS deletes the CMK. This value is present only when <code>KeyState</code> is <code>PendingDeletion</code>, otherwise this value is omitted.</p> #[serde(rename = "DeletionDate")] #[serde(skip_serializing_if = "Option::is_none")] pub deletion_date: Option<f64>, /// <p>The description of the CMK.</p> #[serde(rename = "Description")] #[serde(skip_serializing_if = "Option::is_none")] pub description: Option<String>, /// <p>Specifies whether the CMK is enabled. When <code>KeyState</code> is <code>Enabled</code> this value is true, otherwise it is false.</p> #[serde(rename = "Enabled")] #[serde(skip_serializing_if = "Option::is_none")] pub enabled: Option<bool>, /// <p>Specifies whether the CMK's key material expires. This value is present only when <code>Origin</code> is <code>EXTERNAL</code>, otherwise this value is omitted.</p> #[serde(rename = "ExpirationModel")] #[serde(skip_serializing_if = "Option::is_none")] pub expiration_model: Option<String>, /// <p>The globally unique identifier for the CMK.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>The CMK's manager. CMKs are either customer managed or AWS managed. For more information about the difference, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#master_keys">Customer Master Keys</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "KeyManager")] #[serde(skip_serializing_if = "Option::is_none")] pub key_manager: Option<String>, /// <p>The state of the CMK.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects the Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "KeyState")] #[serde(skip_serializing_if = "Option::is_none")] pub key_state: Option<String>, /// <p>The cryptographic operations for which you can use the CMK. Currently the only allowed value is <code>ENCRYPT_DECRYPT</code>, which means you can use the CMK for the <a>Encrypt</a> and <a>Decrypt</a> operations.</p> #[serde(rename = "KeyUsage")] #[serde(skip_serializing_if = "Option::is_none")] pub key_usage: Option<String>, /// <p>The source of the CMK's key material. When this value is <code>AWS_KMS</code>, AWS KMS created the key material. When this value is <code>EXTERNAL</code>, the key material was imported from your existing key management infrastructure or the CMK lacks key material.</p> #[serde(rename = "Origin")] #[serde(skip_serializing_if = "Option::is_none")] pub origin: Option<String>, /// <p>The time at which the imported key material expires. When the key material expires, AWS KMS deletes the key material and the CMK becomes unusable. This value is present only for CMKs whose <code>Origin</code> is <code>EXTERNAL</code> and whose <code>ExpirationModel</code> is <code>KEY_MATERIAL_EXPIRES</code>, otherwise this value is omitted.</p> #[serde(rename = "ValidTo")] #[serde(skip_serializing_if = "Option::is_none")] pub valid_to: Option<f64>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ListAliasesRequest { /// <p>Lists only aliases that refer to the specified CMK. The value of this parameter can be the ID or Amazon Resource Name (ARN) of a CMK in the caller's account and region. You cannot use an alias name or alias ARN in this value.</p> <p>This parameter is optional. If you omit it, <code>ListAliases</code> returns all aliases in the account and region.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, /// <p>Use this parameter to specify the maximum number of items to return. When this value is present, AWS KMS does not return more than the specified number of items, but it might return fewer.</p> <p>This value is optional. If you include a value, it must be between 1 and 100, inclusive. If you do not include a value, it defaults to 50.</p> #[serde(rename = "Limit")] #[serde(skip_serializing_if = "Option::is_none")] pub limit: Option<i64>, /// <p>Use this parameter in a subsequent request after you receive a response with truncated results. Set it to the value of <code>NextMarker</code> from the truncated response you just received.</p> #[serde(rename = "Marker")] #[serde(skip_serializing_if = "Option::is_none")] pub marker: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ListAliasesResponse { /// <p>A list of aliases.</p> #[serde(rename = "Aliases")] #[serde(skip_serializing_if = "Option::is_none")] pub aliases: Option<Vec<AliasListEntry>>, /// <p>When <code>Truncated</code> is true, this element is present and contains the value to use for the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "NextMarker")] #[serde(skip_serializing_if = "Option::is_none")] pub next_marker: Option<String>, /// <p>A flag that indicates whether there are more items in the list. When this value is true, the list in this response is truncated. To get more items, pass the value of the <code>NextMarker</code> element in this response to the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "Truncated")] #[serde(skip_serializing_if = "Option::is_none")] pub truncated: Option<bool>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ListGrantsRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK. To specify a CMK in a different AWS account, you must use the key ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>Use this parameter to specify the maximum number of items to return. When this value is present, AWS KMS does not return more than the specified number of items, but it might return fewer.</p> <p>This value is optional. If you include a value, it must be between 1 and 100, inclusive. If you do not include a value, it defaults to 50.</p> #[serde(rename = "Limit")] #[serde(skip_serializing_if = "Option::is_none")] pub limit: Option<i64>, /// <p>Use this parameter in a subsequent request after you receive a response with truncated results. Set it to the value of <code>NextMarker</code> from the truncated response you just received.</p> #[serde(rename = "Marker")] #[serde(skip_serializing_if = "Option::is_none")] pub marker: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ListGrantsResponse { /// <p>A list of grants.</p> #[serde(rename = "Grants")] #[serde(skip_serializing_if = "Option::is_none")] pub grants: Option<Vec<GrantListEntry>>, /// <p>When <code>Truncated</code> is true, this element is present and contains the value to use for the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "NextMarker")] #[serde(skip_serializing_if = "Option::is_none")] pub next_marker: Option<String>, /// <p>A flag that indicates whether there are more items in the list. When this value is true, the list in this response is truncated. To get more items, pass the value of the <code>NextMarker</code> element in this response to the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "Truncated")] #[serde(skip_serializing_if = "Option::is_none")] pub truncated: Option<bool>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ListKeyPoliciesRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>Use this parameter to specify the maximum number of items to return. When this value is present, AWS KMS does not return more than the specified number of items, but it might return fewer.</p> <p>This value is optional. If you include a value, it must be between 1 and 1000, inclusive. If you do not include a value, it defaults to 100.</p> <p>Currently only 1 policy can be attached to a key.</p> #[serde(rename = "Limit")] #[serde(skip_serializing_if = "Option::is_none")] pub limit: Option<i64>, /// <p>Use this parameter in a subsequent request after you receive a response with truncated results. Set it to the value of <code>NextMarker</code> from the truncated response you just received.</p> #[serde(rename = "Marker")] #[serde(skip_serializing_if = "Option::is_none")] pub marker: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ListKeyPoliciesResponse { /// <p>When <code>Truncated</code> is true, this element is present and contains the value to use for the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "NextMarker")] #[serde(skip_serializing_if = "Option::is_none")] pub next_marker: Option<String>, /// <p>A list of key policy names. Currently, there is only one key policy per CMK and it is always named <code>default</code>.</p> #[serde(rename = "PolicyNames")] #[serde(skip_serializing_if = "Option::is_none")] pub policy_names: Option<Vec<String>>, /// <p>A flag that indicates whether there are more items in the list. When this value is true, the list in this response is truncated. To get more items, pass the value of the <code>NextMarker</code> element in this response to the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "Truncated")] #[serde(skip_serializing_if = "Option::is_none")] pub truncated: Option<bool>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ListKeysRequest { /// <p>Use this parameter to specify the maximum number of items to return. When this value is present, AWS KMS does not return more than the specified number of items, but it might return fewer.</p> <p>This value is optional. If you include a value, it must be between 1 and 1000, inclusive. If you do not include a value, it defaults to 100.</p> #[serde(rename = "Limit")] #[serde(skip_serializing_if = "Option::is_none")] pub limit: Option<i64>, /// <p>Use this parameter in a subsequent request after you receive a response with truncated results. Set it to the value of <code>NextMarker</code> from the truncated response you just received.</p> #[serde(rename = "Marker")] #[serde(skip_serializing_if = "Option::is_none")] pub marker: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ListKeysResponse { /// <p>A list of customer master keys (CMKs).</p> #[serde(rename = "Keys")] #[serde(skip_serializing_if = "Option::is_none")] pub keys: Option<Vec<KeyListEntry>>, /// <p>When <code>Truncated</code> is true, this element is present and contains the value to use for the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "NextMarker")] #[serde(skip_serializing_if = "Option::is_none")] pub next_marker: Option<String>, /// <p>A flag that indicates whether there are more items in the list. When this value is true, the list in this response is truncated. To get more items, pass the value of the <code>NextMarker</code> element in this response to the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "Truncated")] #[serde(skip_serializing_if = "Option::is_none")] pub truncated: Option<bool>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ListResourceTagsRequest { /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>Use this parameter to specify the maximum number of items to return. When this value is present, AWS KMS does not return more than the specified number of items, but it might return fewer.</p> <p>This value is optional. If you include a value, it must be between 1 and 50, inclusive. If you do not include a value, it defaults to 50.</p> #[serde(rename = "Limit")] #[serde(skip_serializing_if = "Option::is_none")] pub limit: Option<i64>, /// <p>Use this parameter in a subsequent request after you receive a response with truncated results. Set it to the value of <code>NextMarker</code> from the truncated response you just received.</p> <p>Do not attempt to construct this value. Use only the value of <code>NextMarker</code> from the truncated response you just received.</p> #[serde(rename = "Marker")] #[serde(skip_serializing_if = "Option::is_none")] pub marker: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ListResourceTagsResponse { /// <p>When <code>Truncated</code> is true, this element is present and contains the value to use for the <code>Marker</code> parameter in a subsequent request.</p> <p>Do not assume or infer any information from this value.</p> #[serde(rename = "NextMarker")] #[serde(skip_serializing_if = "Option::is_none")] pub next_marker: Option<String>, /// <p>A list of tags. Each tag consists of a tag key and a tag value.</p> #[serde(rename = "Tags")] #[serde(skip_serializing_if = "Option::is_none")] pub tags: Option<Vec<Tag>>, /// <p>A flag that indicates whether there are more items in the list. When this value is true, the list in this response is truncated. To get more items, pass the value of the <code>NextMarker</code> element in this response to the <code>Marker</code> parameter in a subsequent request.</p> #[serde(rename = "Truncated")] #[serde(skip_serializing_if = "Option::is_none")] pub truncated: Option<bool>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ListRetirableGrantsRequest { /// <p>Use this parameter to specify the maximum number of items to return. When this value is present, AWS KMS does not return more than the specified number of items, but it might return fewer.</p> <p>This value is optional. If you include a value, it must be between 1 and 100, inclusive. If you do not include a value, it defaults to 50.</p> #[serde(rename = "Limit")] #[serde(skip_serializing_if = "Option::is_none")] pub limit: Option<i64>, /// <p>Use this parameter in a subsequent request after you receive a response with truncated results. Set it to the value of <code>NextMarker</code> from the truncated response you just received.</p> #[serde(rename = "Marker")] #[serde(skip_serializing_if = "Option::is_none")] pub marker: Option<String>, /// <p>The retiring principal for which to list grants.</p> <p>To specify the retiring principal, use the <a href="http://docs.aws.amazon.com/general/latest/gr/aws-arns-and-namespaces.html">Amazon Resource Name (ARN)</a> of an AWS principal. Valid AWS principals include AWS accounts (root), IAM users, federated users, and assumed role users. For examples of the ARN syntax for specifying a principal, see <a href="http://docs.aws.amazon.com/general/latest/gr/aws-arns-and-namespaces.html#arn-syntax-iam">AWS Identity and Access Management (IAM)</a> in the Example ARNs section of the <i>Amazon Web Services General Reference</i>.</p> #[serde(rename = "RetiringPrincipal")] pub retiring_principal: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct PutKeyPolicyRequest { /// <p>A flag to indicate whether to bypass the key policy lockout safety check.</p> <important> <p>Setting this value to true increases the risk that the CMK becomes unmanageable. Do not set this value to true indiscriminately.</p> <p>For more information, refer to the scenario in the <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html#key-policy-default-allow-root-enable-iam">Default Key Policy</a> section in the <i>AWS Key Management Service Developer Guide</i>.</p> </important> <p>Use this parameter only when you intend to prevent the principal that is making the request from making a subsequent <code>PutKeyPolicy</code> request on the CMK.</p> <p>The default value is false.</p> #[serde(rename = "BypassPolicyLockoutSafetyCheck")] #[serde(skip_serializing_if = "Option::is_none")] pub bypass_policy_lockout_safety_check: Option<bool>, /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>The key policy to attach to the CMK.</p> <p>The key policy must meet the following criteria:</p> <ul> <li> <p>If you don't set <code>BypassPolicyLockoutSafetyCheck</code> to true, the key policy must allow the principal that is making the <code>PutKeyPolicy</code> request to make a subsequent <code>PutKeyPolicy</code> request on the CMK. This reduces the risk that the CMK becomes unmanageable. For more information, refer to the scenario in the <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html#key-policy-default-allow-root-enable-iam">Default Key Policy</a> section of the <i>AWS Key Management Service Developer Guide</i>.</p> </li> <li> <p>Each statement in the key policy must contain one or more principals. The principals in the key policy must exist and be visible to AWS KMS. When you create a new AWS principal (for example, an IAM user or role), you might need to enforce a delay before including the new principal in a key policy. The reason for this is that the new principal might not be immediately visible to AWS KMS. For more information, see <a href="http://docs.aws.amazon.com/IAM/latest/UserGuide/troubleshoot_general.html#troubleshoot_general_eventual-consistency">Changes that I make are not always immediately visible</a> in the <i>AWS Identity and Access Management User Guide</i>.</p> </li> </ul> <p>The key policy size limit is 32 kilobytes (32768 bytes).</p> #[serde(rename = "Policy")] pub policy: String, /// <p>The name of the key policy. The only valid value is <code>default</code>.</p> #[serde(rename = "PolicyName")] pub policy_name: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ReEncryptRequest { /// <p>Ciphertext of the data to reencrypt.</p> #[serde(rename = "CiphertextBlob")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] pub ciphertext_blob: Vec<u8>, /// <p>Encryption context to use when the data is reencrypted.</p> #[serde(rename = "DestinationEncryptionContext")] #[serde(skip_serializing_if = "Option::is_none")] pub destination_encryption_context: Option<::std::collections::HashMap<String, String>>, /// <p>A unique identifier for the CMK that is used to reencrypt the data.</p> <p>To specify a CMK, use its key ID, Amazon Resource Name (ARN), alias name, or alias ARN. When using an alias name, prefix it with <code>"alias/"</code>. To specify a CMK in a different AWS account, you must use the key ARN or alias ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Alias name: <code>alias/ExampleAlias</code> </p> </li> <li> <p>Alias ARN: <code>arn:aws:kms:us-east-2:111122223333:alias/ExampleAlias</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>. To get the alias name and alias ARN, use <a>ListAliases</a>.</p> #[serde(rename = "DestinationKeyId")] pub destination_key_id: String, /// <p>A list of grant tokens.</p> <p>For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#grant_token">Grant Tokens</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> #[serde(rename = "GrantTokens")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_tokens: Option<Vec<String>>, /// <p>Encryption context used to encrypt and decrypt the data specified in the <code>CiphertextBlob</code> parameter.</p> #[serde(rename = "SourceEncryptionContext")] #[serde(skip_serializing_if = "Option::is_none")] pub source_encryption_context: Option<::std::collections::HashMap<String, String>>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ReEncryptResponse { /// <p>The reencrypted data. When you use the HTTP API or the AWS CLI, the value is Base64-encoded. Otherwise, it is not encoded.</p> #[serde(rename = "CiphertextBlob")] #[serde( deserialize_with = "::rusoto_core::serialization::SerdeBlob::deserialize_blob", serialize_with = "::rusoto_core::serialization::SerdeBlob::serialize_blob", default )] #[serde(skip_serializing_if = "Option::is_none")] pub ciphertext_blob: Option<Vec<u8>>, /// <p>Unique identifier of the CMK used to reencrypt the data.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, /// <p>Unique identifier of the CMK used to originally encrypt the data.</p> #[serde(rename = "SourceKeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub source_key_id: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct RetireGrantRequest { /// <p><p>Unique identifier of the grant to retire. The grant ID is returned in the response to a <code>CreateGrant</code> operation.</p> <ul> <li> <p>Grant ID Example - 0123456789012345678901234567890123456789012345678901234567890123</p> </li> </ul></p> #[serde(rename = "GrantId")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_id: Option<String>, /// <p>Token that identifies the grant to be retired.</p> #[serde(rename = "GrantToken")] #[serde(skip_serializing_if = "Option::is_none")] pub grant_token: Option<String>, /// <p>The Amazon Resource Name (ARN) of the CMK associated with the grant. </p> <p>For example: <code>arn:aws:kms:us-east-2:444455556666:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct RevokeGrantRequest { /// <p>Identifier of the grant to be revoked.</p> #[serde(rename = "GrantId")] pub grant_id: String, /// <p>A unique identifier for the customer master key associated with the grant.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK. To specify a CMK in a different AWS account, you must use the key ARN.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct ScheduleKeyDeletionRequest { /// <p>The unique identifier of the customer master key (CMK) to delete.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>The waiting period, specified in number of days. After the waiting period ends, AWS KMS deletes the customer master key (CMK).</p> <p>This value is optional. If you include a value, it must be between 7 and 30, inclusive. If you do not include a value, it defaults to 30.</p> #[serde(rename = "PendingWindowInDays")] #[serde(skip_serializing_if = "Option::is_none")] pub pending_window_in_days: Option<i64>, } #[derive(Default, Debug, Clone, PartialEq, Deserialize)] #[cfg_attr(test, derive(Serialize))] pub struct ScheduleKeyDeletionResponse { /// <p>The date and time after which AWS KMS deletes the customer master key (CMK).</p> #[serde(rename = "DeletionDate")] #[serde(skip_serializing_if = "Option::is_none")] pub deletion_date: Option<f64>, /// <p>The unique identifier of the customer master key (CMK) for which deletion is scheduled.</p> #[serde(rename = "KeyId")] #[serde(skip_serializing_if = "Option::is_none")] pub key_id: Option<String>, } /// <p>A key-value pair. A tag consists of a tag key and a tag value. Tag keys and tag values are both required, but tag values can be empty (null) strings.</p> <p>For information about the rules that apply to tag keys and tag values, see <a href="http://docs.aws.amazon.com/awsaccountbilling/latest/aboutv2/allocation-tag-restrictions.html">User-Defined Tag Restrictions</a> in the <i>AWS Billing and Cost Management User Guide</i>.</p> #[derive(Default, Debug, Clone, PartialEq, Serialize, Deserialize)] pub struct Tag { /// <p>The key of the tag.</p> #[serde(rename = "TagKey")] pub tag_key: String, /// <p>The value of the tag.</p> #[serde(rename = "TagValue")] pub tag_value: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct TagResourceRequest { /// <p>A unique identifier for the CMK you are tagging.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>One or more tags. Each tag consists of a tag key and a tag value.</p> #[serde(rename = "Tags")] pub tags: Vec<Tag>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct UntagResourceRequest { /// <p>A unique identifier for the CMK from which you are removing tags.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, /// <p>One or more tag keys. Specify only the tag keys, not the tag values.</p> #[serde(rename = "TagKeys")] pub tag_keys: Vec<String>, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct UpdateAliasRequest { /// <p>String that contains the name of the alias to be modified. The name must start with the word "alias" followed by a forward slash (alias/). Aliases that begin with "alias/aws" are reserved.</p> #[serde(rename = "AliasName")] pub alias_name: String, /// <p>Unique identifier of the customer master key to be mapped to the alias.</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> <p>To verify that the alias is mapped to the correct CMK, use <a>ListAliases</a>.</p> #[serde(rename = "TargetKeyId")] pub target_key_id: String, } #[derive(Default, Debug, Clone, PartialEq, Serialize)] pub struct UpdateKeyDescriptionRequest { /// <p>New description for the CMK.</p> #[serde(rename = "Description")] pub description: String, /// <p>A unique identifier for the customer master key (CMK).</p> <p>Specify the key ID or the Amazon Resource Name (ARN) of the CMK.</p> <p>For example:</p> <ul> <li> <p>Key ID: <code>1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> <li> <p>Key ARN: <code>arn:aws:kms:us-east-2:111122223333:key/1234abcd-12ab-34cd-56ef-1234567890ab</code> </p> </li> </ul> <p>To get the key ID and key ARN for a CMK, use <a>ListKeys</a> or <a>DescribeKey</a>.</p> #[serde(rename = "KeyId")] pub key_id: String, } /// Errors returned by CancelKeyDeletion #[derive(Debug, PartialEq)] pub enum CancelKeyDeletionError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl CancelKeyDeletionError { pub fn from_response(res: BufferedHttpResponse) -> CancelKeyDeletionError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return CancelKeyDeletionError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return CancelKeyDeletionError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return CancelKeyDeletionError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return CancelKeyDeletionError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return CancelKeyDeletionError::NotFound(String::from(error_message)) } "ValidationException" => { return CancelKeyDeletionError::Validation(error_message.to_string()) } _ => {} } } return CancelKeyDeletionError::Unknown(res); } } impl From<serde_json::error::Error> for CancelKeyDeletionError { fn from(err: serde_json::error::Error) -> CancelKeyDeletionError { CancelKeyDeletionError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for CancelKeyDeletionError { fn from(err: CredentialsError) -> CancelKeyDeletionError { CancelKeyDeletionError::Credentials(err) } } impl From<HttpDispatchError> for CancelKeyDeletionError { fn from(err: HttpDispatchError) -> CancelKeyDeletionError { CancelKeyDeletionError::HttpDispatch(err) } } impl From<io::Error> for CancelKeyDeletionError { fn from(err: io::Error) -> CancelKeyDeletionError { CancelKeyDeletionError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for CancelKeyDeletionError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for CancelKeyDeletionError { fn description(&self) -> &str { match *self { CancelKeyDeletionError::DependencyTimeout(ref cause) => cause, CancelKeyDeletionError::InvalidArn(ref cause) => cause, CancelKeyDeletionError::KMSInternal(ref cause) => cause, CancelKeyDeletionError::KMSInvalidState(ref cause) => cause, CancelKeyDeletionError::NotFound(ref cause) => cause, CancelKeyDeletionError::Validation(ref cause) => cause, CancelKeyDeletionError::Credentials(ref err) => err.description(), CancelKeyDeletionError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } CancelKeyDeletionError::ParseError(ref cause) => cause, CancelKeyDeletionError::Unknown(_) => "unknown error", } } } /// Errors returned by CreateAlias #[derive(Debug, PartialEq)] pub enum CreateAliasError { /// <p>The request was rejected because it attempted to create a resource that already exists.</p> AlreadyExists(String), /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified alias name is not valid.</p> InvalidAliasName(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because a limit was exceeded. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html">Limits</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> LimitExceeded(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl CreateAliasError { pub fn from_response(res: BufferedHttpResponse) -> CreateAliasError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "AlreadyExistsException" => { return CreateAliasError::AlreadyExists(String::from(error_message)) } "DependencyTimeoutException" => { return CreateAliasError::DependencyTimeout(String::from(error_message)) } "InvalidAliasNameException" => { return CreateAliasError::InvalidAliasName(String::from(error_message)) } "KMSInternalException" => { return CreateAliasError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return CreateAliasError::KMSInvalidState(String::from(error_message)) } "LimitExceededException" => { return CreateAliasError::LimitExceeded(String::from(error_message)) } "NotFoundException" => { return CreateAliasError::NotFound(String::from(error_message)) } "ValidationException" => { return CreateAliasError::Validation(error_message.to_string()) } _ => {} } } return CreateAliasError::Unknown(res); } } impl From<serde_json::error::Error> for CreateAliasError { fn from(err: serde_json::error::Error) -> CreateAliasError { CreateAliasError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for CreateAliasError { fn from(err: CredentialsError) -> CreateAliasError { CreateAliasError::Credentials(err) } } impl From<HttpDispatchError> for CreateAliasError { fn from(err: HttpDispatchError) -> CreateAliasError { CreateAliasError::HttpDispatch(err) } } impl From<io::Error> for CreateAliasError { fn from(err: io::Error) -> CreateAliasError { CreateAliasError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for CreateAliasError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for CreateAliasError { fn description(&self) -> &str { match *self { CreateAliasError::AlreadyExists(ref cause) => cause, CreateAliasError::DependencyTimeout(ref cause) => cause, CreateAliasError::InvalidAliasName(ref cause) => cause, CreateAliasError::KMSInternal(ref cause) => cause, CreateAliasError::KMSInvalidState(ref cause) => cause, CreateAliasError::LimitExceeded(ref cause) => cause, CreateAliasError::NotFound(ref cause) => cause, CreateAliasError::Validation(ref cause) => cause, CreateAliasError::Credentials(ref err) => err.description(), CreateAliasError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), CreateAliasError::ParseError(ref cause) => cause, CreateAliasError::Unknown(_) => "unknown error", } } } /// Errors returned by CreateGrant #[derive(Debug, PartialEq)] pub enum CreateGrantError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because the specified grant token is not valid.</p> InvalidGrantToken(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because a limit was exceeded. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html">Limits</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> LimitExceeded(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl CreateGrantError { pub fn from_response(res: BufferedHttpResponse) -> CreateGrantError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return CreateGrantError::DependencyTimeout(String::from(error_message)) } "DisabledException" => { return CreateGrantError::Disabled(String::from(error_message)) } "InvalidArnException" => { return CreateGrantError::InvalidArn(String::from(error_message)) } "InvalidGrantTokenException" => { return CreateGrantError::InvalidGrantToken(String::from(error_message)) } "KMSInternalException" => { return CreateGrantError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return CreateGrantError::KMSInvalidState(String::from(error_message)) } "LimitExceededException" => { return CreateGrantError::LimitExceeded(String::from(error_message)) } "NotFoundException" => { return CreateGrantError::NotFound(String::from(error_message)) } "ValidationException" => { return CreateGrantError::Validation(error_message.to_string()) } _ => {} } } return CreateGrantError::Unknown(res); } } impl From<serde_json::error::Error> for CreateGrantError { fn from(err: serde_json::error::Error) -> CreateGrantError { CreateGrantError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for CreateGrantError { fn from(err: CredentialsError) -> CreateGrantError { CreateGrantError::Credentials(err) } } impl From<HttpDispatchError> for CreateGrantError { fn from(err: HttpDispatchError) -> CreateGrantError { CreateGrantError::HttpDispatch(err) } } impl From<io::Error> for CreateGrantError { fn from(err: io::Error) -> CreateGrantError { CreateGrantError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for CreateGrantError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for CreateGrantError { fn description(&self) -> &str { match *self { CreateGrantError::DependencyTimeout(ref cause) => cause, CreateGrantError::Disabled(ref cause) => cause, CreateGrantError::InvalidArn(ref cause) => cause, CreateGrantError::InvalidGrantToken(ref cause) => cause, CreateGrantError::KMSInternal(ref cause) => cause, CreateGrantError::KMSInvalidState(ref cause) => cause, CreateGrantError::LimitExceeded(ref cause) => cause, CreateGrantError::NotFound(ref cause) => cause, CreateGrantError::Validation(ref cause) => cause, CreateGrantError::Credentials(ref err) => err.description(), CreateGrantError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), CreateGrantError::ParseError(ref cause) => cause, CreateGrantError::Unknown(_) => "unknown error", } } } /// Errors returned by CreateKey #[derive(Debug, PartialEq)] pub enum CreateKeyError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because a limit was exceeded. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html">Limits</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> LimitExceeded(String), /// <p>The request was rejected because the specified policy is not syntactically or semantically correct.</p> MalformedPolicyDocument(String), /// <p>The request was rejected because one or more tags are not valid.</p> Tag(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl CreateKeyError { pub fn from_response(res: BufferedHttpResponse) -> CreateKeyError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return CreateKeyError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return CreateKeyError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return CreateKeyError::KMSInternal(String::from(error_message)) } "LimitExceededException" => { return CreateKeyError::LimitExceeded(String::from(error_message)) } "MalformedPolicyDocumentException" => { return CreateKeyError::MalformedPolicyDocument(String::from(error_message)) } "TagException" => return CreateKeyError::Tag(String::from(error_message)), "UnsupportedOperationException" => { return CreateKeyError::UnsupportedOperation(String::from(error_message)) } "ValidationException" => { return CreateKeyError::Validation(error_message.to_string()) } _ => {} } } return CreateKeyError::Unknown(res); } } impl From<serde_json::error::Error> for CreateKeyError { fn from(err: serde_json::error::Error) -> CreateKeyError { CreateKeyError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for CreateKeyError { fn from(err: CredentialsError) -> CreateKeyError { CreateKeyError::Credentials(err) } } impl From<HttpDispatchError> for CreateKeyError { fn from(err: HttpDispatchError) -> CreateKeyError { CreateKeyError::HttpDispatch(err) } } impl From<io::Error> for CreateKeyError { fn from(err: io::Error) -> CreateKeyError { CreateKeyError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for CreateKeyError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for CreateKeyError { fn description(&self) -> &str { match *self { CreateKeyError::DependencyTimeout(ref cause) => cause, CreateKeyError::InvalidArn(ref cause) => cause, CreateKeyError::KMSInternal(ref cause) => cause, CreateKeyError::LimitExceeded(ref cause) => cause, CreateKeyError::MalformedPolicyDocument(ref cause) => cause, CreateKeyError::Tag(ref cause) => cause, CreateKeyError::UnsupportedOperation(ref cause) => cause, CreateKeyError::Validation(ref cause) => cause, CreateKeyError::Credentials(ref err) => err.description(), CreateKeyError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), CreateKeyError::ParseError(ref cause) => cause, CreateKeyError::Unknown(_) => "unknown error", } } } /// Errors returned by Decrypt #[derive(Debug, PartialEq)] pub enum DecryptError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because the specified ciphertext, or additional authenticated data incorporated into the ciphertext, such as the encryption context, is corrupted, missing, or otherwise invalid.</p> InvalidCiphertext(String), /// <p>The request was rejected because the specified grant token is not valid.</p> InvalidGrantToken(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified CMK was not available. The request can be retried.</p> KeyUnavailable(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl DecryptError { pub fn from_response(res: BufferedHttpResponse) -> DecryptError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return DecryptError::DependencyTimeout(String::from(error_message)) } "DisabledException" => return DecryptError::Disabled(String::from(error_message)), "InvalidCiphertextException" => { return DecryptError::InvalidCiphertext(String::from(error_message)) } "InvalidGrantTokenException" => { return DecryptError::InvalidGrantToken(String::from(error_message)) } "KMSInternalException" => { return DecryptError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return DecryptError::KMSInvalidState(String::from(error_message)) } "KeyUnavailableException" => { return DecryptError::KeyUnavailable(String::from(error_message)) } "NotFoundException" => return DecryptError::NotFound(String::from(error_message)), "ValidationException" => return DecryptError::Validation(error_message.to_string()), _ => {} } } return DecryptError::Unknown(res); } } impl From<serde_json::error::Error> for DecryptError { fn from(err: serde_json::error::Error) -> DecryptError { DecryptError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for DecryptError { fn from(err: CredentialsError) -> DecryptError { DecryptError::Credentials(err) } } impl From<HttpDispatchError> for DecryptError { fn from(err: HttpDispatchError) -> DecryptError { DecryptError::HttpDispatch(err) } } impl From<io::Error> for DecryptError { fn from(err: io::Error) -> DecryptError { DecryptError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for DecryptError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for DecryptError { fn description(&self) -> &str { match *self { DecryptError::DependencyTimeout(ref cause) => cause, DecryptError::Disabled(ref cause) => cause, DecryptError::InvalidCiphertext(ref cause) => cause, DecryptError::InvalidGrantToken(ref cause) => cause, DecryptError::KMSInternal(ref cause) => cause, DecryptError::KMSInvalidState(ref cause) => cause, DecryptError::KeyUnavailable(ref cause) => cause, DecryptError::NotFound(ref cause) => cause, DecryptError::Validation(ref cause) => cause, DecryptError::Credentials(ref err) => err.description(), DecryptError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), DecryptError::ParseError(ref cause) => cause, DecryptError::Unknown(_) => "unknown error", } } } /// Errors returned by DeleteAlias #[derive(Debug, PartialEq)] pub enum DeleteAliasError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl DeleteAliasError { pub fn from_response(res: BufferedHttpResponse) -> DeleteAliasError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return DeleteAliasError::DependencyTimeout(String::from(error_message)) } "KMSInternalException" => { return DeleteAliasError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return DeleteAliasError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return DeleteAliasError::NotFound(String::from(error_message)) } "ValidationException" => { return DeleteAliasError::Validation(error_message.to_string()) } _ => {} } } return DeleteAliasError::Unknown(res); } } impl From<serde_json::error::Error> for DeleteAliasError { fn from(err: serde_json::error::Error) -> DeleteAliasError { DeleteAliasError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for DeleteAliasError { fn from(err: CredentialsError) -> DeleteAliasError { DeleteAliasError::Credentials(err) } } impl From<HttpDispatchError> for DeleteAliasError { fn from(err: HttpDispatchError) -> DeleteAliasError { DeleteAliasError::HttpDispatch(err) } } impl From<io::Error> for DeleteAliasError { fn from(err: io::Error) -> DeleteAliasError { DeleteAliasError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for DeleteAliasError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for DeleteAliasError { fn description(&self) -> &str { match *self { DeleteAliasError::DependencyTimeout(ref cause) => cause, DeleteAliasError::KMSInternal(ref cause) => cause, DeleteAliasError::KMSInvalidState(ref cause) => cause, DeleteAliasError::NotFound(ref cause) => cause, DeleteAliasError::Validation(ref cause) => cause, DeleteAliasError::Credentials(ref err) => err.description(), DeleteAliasError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), DeleteAliasError::ParseError(ref cause) => cause, DeleteAliasError::Unknown(_) => "unknown error", } } } /// Errors returned by DeleteImportedKeyMaterial #[derive(Debug, PartialEq)] pub enum DeleteImportedKeyMaterialError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl DeleteImportedKeyMaterialError { pub fn from_response(res: BufferedHttpResponse) -> DeleteImportedKeyMaterialError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return DeleteImportedKeyMaterialError::DependencyTimeout(String::from( error_message, )) } "InvalidArnException" => { return DeleteImportedKeyMaterialError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return DeleteImportedKeyMaterialError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return DeleteImportedKeyMaterialError::KMSInvalidState(String::from( error_message, )) } "NotFoundException" => { return DeleteImportedKeyMaterialError::NotFound(String::from(error_message)) } "UnsupportedOperationException" => { return DeleteImportedKeyMaterialError::UnsupportedOperation(String::from( error_message, )) } "ValidationException" => { return DeleteImportedKeyMaterialError::Validation(error_message.to_string()) } _ => {} } } return DeleteImportedKeyMaterialError::Unknown(res); } } impl From<serde_json::error::Error> for DeleteImportedKeyMaterialError { fn from(err: serde_json::error::Error) -> DeleteImportedKeyMaterialError { DeleteImportedKeyMaterialError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for DeleteImportedKeyMaterialError { fn from(err: CredentialsError) -> DeleteImportedKeyMaterialError { DeleteImportedKeyMaterialError::Credentials(err) } } impl From<HttpDispatchError> for DeleteImportedKeyMaterialError { fn from(err: HttpDispatchError) -> DeleteImportedKeyMaterialError { DeleteImportedKeyMaterialError::HttpDispatch(err) } } impl From<io::Error> for DeleteImportedKeyMaterialError { fn from(err: io::Error) -> DeleteImportedKeyMaterialError { DeleteImportedKeyMaterialError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for DeleteImportedKeyMaterialError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for DeleteImportedKeyMaterialError { fn description(&self) -> &str { match *self { DeleteImportedKeyMaterialError::DependencyTimeout(ref cause) => cause, DeleteImportedKeyMaterialError::InvalidArn(ref cause) => cause, DeleteImportedKeyMaterialError::KMSInternal(ref cause) => cause, DeleteImportedKeyMaterialError::KMSInvalidState(ref cause) => cause, DeleteImportedKeyMaterialError::NotFound(ref cause) => cause, DeleteImportedKeyMaterialError::UnsupportedOperation(ref cause) => cause, DeleteImportedKeyMaterialError::Validation(ref cause) => cause, DeleteImportedKeyMaterialError::Credentials(ref err) => err.description(), DeleteImportedKeyMaterialError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } DeleteImportedKeyMaterialError::ParseError(ref cause) => cause, DeleteImportedKeyMaterialError::Unknown(_) => "unknown error", } } } /// Errors returned by DescribeKey #[derive(Debug, PartialEq)] pub enum DescribeKeyError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl DescribeKeyError { pub fn from_response(res: BufferedHttpResponse) -> DescribeKeyError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return DescribeKeyError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return DescribeKeyError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return DescribeKeyError::KMSInternal(String::from(error_message)) } "NotFoundException" => { return DescribeKeyError::NotFound(String::from(error_message)) } "ValidationException" => { return DescribeKeyError::Validation(error_message.to_string()) } _ => {} } } return DescribeKeyError::Unknown(res); } } impl From<serde_json::error::Error> for DescribeKeyError { fn from(err: serde_json::error::Error) -> DescribeKeyError { DescribeKeyError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for DescribeKeyError { fn from(err: CredentialsError) -> DescribeKeyError { DescribeKeyError::Credentials(err) } } impl From<HttpDispatchError> for DescribeKeyError { fn from(err: HttpDispatchError) -> DescribeKeyError { DescribeKeyError::HttpDispatch(err) } } impl From<io::Error> for DescribeKeyError { fn from(err: io::Error) -> DescribeKeyError { DescribeKeyError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for DescribeKeyError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for DescribeKeyError { fn description(&self) -> &str { match *self { DescribeKeyError::DependencyTimeout(ref cause) => cause, DescribeKeyError::InvalidArn(ref cause) => cause, DescribeKeyError::KMSInternal(ref cause) => cause, DescribeKeyError::NotFound(ref cause) => cause, DescribeKeyError::Validation(ref cause) => cause, DescribeKeyError::Credentials(ref err) => err.description(), DescribeKeyError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), DescribeKeyError::ParseError(ref cause) => cause, DescribeKeyError::Unknown(_) => "unknown error", } } } /// Errors returned by DisableKey #[derive(Debug, PartialEq)] pub enum DisableKeyError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl DisableKeyError { pub fn from_response(res: BufferedHttpResponse) -> DisableKeyError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return DisableKeyError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return DisableKeyError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return DisableKeyError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return DisableKeyError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return DisableKeyError::NotFound(String::from(error_message)) } "ValidationException" => { return DisableKeyError::Validation(error_message.to_string()) } _ => {} } } return DisableKeyError::Unknown(res); } } impl From<serde_json::error::Error> for DisableKeyError { fn from(err: serde_json::error::Error) -> DisableKeyError { DisableKeyError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for DisableKeyError { fn from(err: CredentialsError) -> DisableKeyError { DisableKeyError::Credentials(err) } } impl From<HttpDispatchError> for DisableKeyError { fn from(err: HttpDispatchError) -> DisableKeyError { DisableKeyError::HttpDispatch(err) } } impl From<io::Error> for DisableKeyError { fn from(err: io::Error) -> DisableKeyError { DisableKeyError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for DisableKeyError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for DisableKeyError { fn description(&self) -> &str { match *self { DisableKeyError::DependencyTimeout(ref cause) => cause, DisableKeyError::InvalidArn(ref cause) => cause, DisableKeyError::KMSInternal(ref cause) => cause, DisableKeyError::KMSInvalidState(ref cause) => cause, DisableKeyError::NotFound(ref cause) => cause, DisableKeyError::Validation(ref cause) => cause, DisableKeyError::Credentials(ref err) => err.description(), DisableKeyError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), DisableKeyError::ParseError(ref cause) => cause, DisableKeyError::Unknown(_) => "unknown error", } } } /// Errors returned by DisableKeyRotation #[derive(Debug, PartialEq)] pub enum DisableKeyRotationError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl DisableKeyRotationError { pub fn from_response(res: BufferedHttpResponse) -> DisableKeyRotationError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return DisableKeyRotationError::DependencyTimeout(String::from(error_message)) } "DisabledException" => { return DisableKeyRotationError::Disabled(String::from(error_message)) } "InvalidArnException" => { return DisableKeyRotationError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return DisableKeyRotationError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return DisableKeyRotationError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return DisableKeyRotationError::NotFound(String::from(error_message)) } "UnsupportedOperationException" => { return DisableKeyRotationError::UnsupportedOperation(String::from( error_message, )) } "ValidationException" => { return DisableKeyRotationError::Validation(error_message.to_string()) } _ => {} } } return DisableKeyRotationError::Unknown(res); } } impl From<serde_json::error::Error> for DisableKeyRotationError { fn from(err: serde_json::error::Error) -> DisableKeyRotationError { DisableKeyRotationError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for DisableKeyRotationError { fn from(err: CredentialsError) -> DisableKeyRotationError { DisableKeyRotationError::Credentials(err) } } impl From<HttpDispatchError> for DisableKeyRotationError { fn from(err: HttpDispatchError) -> DisableKeyRotationError { DisableKeyRotationError::HttpDispatch(err) } } impl From<io::Error> for DisableKeyRotationError { fn from(err: io::Error) -> DisableKeyRotationError { DisableKeyRotationError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for DisableKeyRotationError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for DisableKeyRotationError { fn description(&self) -> &str { match *self { DisableKeyRotationError::DependencyTimeout(ref cause) => cause, DisableKeyRotationError::Disabled(ref cause) => cause, DisableKeyRotationError::InvalidArn(ref cause) => cause, DisableKeyRotationError::KMSInternal(ref cause) => cause, DisableKeyRotationError::KMSInvalidState(ref cause) => cause, DisableKeyRotationError::NotFound(ref cause) => cause, DisableKeyRotationError::UnsupportedOperation(ref cause) => cause, DisableKeyRotationError::Validation(ref cause) => cause, DisableKeyRotationError::Credentials(ref err) => err.description(), DisableKeyRotationError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } DisableKeyRotationError::ParseError(ref cause) => cause, DisableKeyRotationError::Unknown(_) => "unknown error", } } } /// Errors returned by EnableKey #[derive(Debug, PartialEq)] pub enum EnableKeyError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because a limit was exceeded. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html">Limits</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> LimitExceeded(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl EnableKeyError { pub fn from_response(res: BufferedHttpResponse) -> EnableKeyError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return EnableKeyError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return EnableKeyError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return EnableKeyError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return EnableKeyError::KMSInvalidState(String::from(error_message)) } "LimitExceededException" => { return EnableKeyError::LimitExceeded(String::from(error_message)) } "NotFoundException" => return EnableKeyError::NotFound(String::from(error_message)), "ValidationException" => { return EnableKeyError::Validation(error_message.to_string()) } _ => {} } } return EnableKeyError::Unknown(res); } } impl From<serde_json::error::Error> for EnableKeyError { fn from(err: serde_json::error::Error) -> EnableKeyError { EnableKeyError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for EnableKeyError { fn from(err: CredentialsError) -> EnableKeyError { EnableKeyError::Credentials(err) } } impl From<HttpDispatchError> for EnableKeyError { fn from(err: HttpDispatchError) -> EnableKeyError { EnableKeyError::HttpDispatch(err) } } impl From<io::Error> for EnableKeyError { fn from(err: io::Error) -> EnableKeyError { EnableKeyError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for EnableKeyError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for EnableKeyError { fn description(&self) -> &str { match *self { EnableKeyError::DependencyTimeout(ref cause) => cause, EnableKeyError::InvalidArn(ref cause) => cause, EnableKeyError::KMSInternal(ref cause) => cause, EnableKeyError::KMSInvalidState(ref cause) => cause, EnableKeyError::LimitExceeded(ref cause) => cause, EnableKeyError::NotFound(ref cause) => cause, EnableKeyError::Validation(ref cause) => cause, EnableKeyError::Credentials(ref err) => err.description(), EnableKeyError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), EnableKeyError::ParseError(ref cause) => cause, EnableKeyError::Unknown(_) => "unknown error", } } } /// Errors returned by EnableKeyRotation #[derive(Debug, PartialEq)] pub enum EnableKeyRotationError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl EnableKeyRotationError { pub fn from_response(res: BufferedHttpResponse) -> EnableKeyRotationError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return EnableKeyRotationError::DependencyTimeout(String::from(error_message)) } "DisabledException" => { return EnableKeyRotationError::Disabled(String::from(error_message)) } "InvalidArnException" => { return EnableKeyRotationError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return EnableKeyRotationError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return EnableKeyRotationError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return EnableKeyRotationError::NotFound(String::from(error_message)) } "UnsupportedOperationException" => { return EnableKeyRotationError::UnsupportedOperation(String::from(error_message)) } "ValidationException" => { return EnableKeyRotationError::Validation(error_message.to_string()) } _ => {} } } return EnableKeyRotationError::Unknown(res); } } impl From<serde_json::error::Error> for EnableKeyRotationError { fn from(err: serde_json::error::Error) -> EnableKeyRotationError { EnableKeyRotationError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for EnableKeyRotationError { fn from(err: CredentialsError) -> EnableKeyRotationError { EnableKeyRotationError::Credentials(err) } } impl From<HttpDispatchError> for EnableKeyRotationError { fn from(err: HttpDispatchError) -> EnableKeyRotationError { EnableKeyRotationError::HttpDispatch(err) } } impl From<io::Error> for EnableKeyRotationError { fn from(err: io::Error) -> EnableKeyRotationError { EnableKeyRotationError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for EnableKeyRotationError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for EnableKeyRotationError { fn description(&self) -> &str { match *self { EnableKeyRotationError::DependencyTimeout(ref cause) => cause, EnableKeyRotationError::Disabled(ref cause) => cause, EnableKeyRotationError::InvalidArn(ref cause) => cause, EnableKeyRotationError::KMSInternal(ref cause) => cause, EnableKeyRotationError::KMSInvalidState(ref cause) => cause, EnableKeyRotationError::NotFound(ref cause) => cause, EnableKeyRotationError::UnsupportedOperation(ref cause) => cause, EnableKeyRotationError::Validation(ref cause) => cause, EnableKeyRotationError::Credentials(ref err) => err.description(), EnableKeyRotationError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } EnableKeyRotationError::ParseError(ref cause) => cause, EnableKeyRotationError::Unknown(_) => "unknown error", } } } /// Errors returned by Encrypt #[derive(Debug, PartialEq)] pub enum EncryptError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because the specified grant token is not valid.</p> InvalidGrantToken(String), /// <p>The request was rejected because the specified <code>KeySpec</code> value is not valid.</p> InvalidKeyUsage(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified CMK was not available. The request can be retried.</p> KeyUnavailable(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl EncryptError { pub fn from_response(res: BufferedHttpResponse) -> EncryptError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return EncryptError::DependencyTimeout(String::from(error_message)) } "DisabledException" => return EncryptError::Disabled(String::from(error_message)), "InvalidGrantTokenException" => { return EncryptError::InvalidGrantToken(String::from(error_message)) } "InvalidKeyUsageException" => { return EncryptError::InvalidKeyUsage(String::from(error_message)) } "KMSInternalException" => { return EncryptError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return EncryptError::KMSInvalidState(String::from(error_message)) } "KeyUnavailableException" => { return EncryptError::KeyUnavailable(String::from(error_message)) } "NotFoundException" => return EncryptError::NotFound(String::from(error_message)), "ValidationException" => return EncryptError::Validation(error_message.to_string()), _ => {} } } return EncryptError::Unknown(res); } } impl From<serde_json::error::Error> for EncryptError { fn from(err: serde_json::error::Error) -> EncryptError { EncryptError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for EncryptError { fn from(err: CredentialsError) -> EncryptError { EncryptError::Credentials(err) } } impl From<HttpDispatchError> for EncryptError { fn from(err: HttpDispatchError) -> EncryptError { EncryptError::HttpDispatch(err) } } impl From<io::Error> for EncryptError { fn from(err: io::Error) -> EncryptError { EncryptError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for EncryptError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for EncryptError { fn description(&self) -> &str { match *self { EncryptError::DependencyTimeout(ref cause) => cause, EncryptError::Disabled(ref cause) => cause, EncryptError::InvalidGrantToken(ref cause) => cause, EncryptError::InvalidKeyUsage(ref cause) => cause, EncryptError::KMSInternal(ref cause) => cause, EncryptError::KMSInvalidState(ref cause) => cause, EncryptError::KeyUnavailable(ref cause) => cause, EncryptError::NotFound(ref cause) => cause, EncryptError::Validation(ref cause) => cause, EncryptError::Credentials(ref err) => err.description(), EncryptError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), EncryptError::ParseError(ref cause) => cause, EncryptError::Unknown(_) => "unknown error", } } } /// Errors returned by GenerateDataKey #[derive(Debug, PartialEq)] pub enum GenerateDataKeyError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because the specified grant token is not valid.</p> InvalidGrantToken(String), /// <p>The request was rejected because the specified <code>KeySpec</code> value is not valid.</p> InvalidKeyUsage(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified CMK was not available. The request can be retried.</p> KeyUnavailable(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl GenerateDataKeyError { pub fn from_response(res: BufferedHttpResponse) -> GenerateDataKeyError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return GenerateDataKeyError::DependencyTimeout(String::from(error_message)) } "DisabledException" => { return GenerateDataKeyError::Disabled(String::from(error_message)) } "InvalidGrantTokenException" => { return GenerateDataKeyError::InvalidGrantToken(String::from(error_message)) } "InvalidKeyUsageException" => { return GenerateDataKeyError::InvalidKeyUsage(String::from(error_message)) } "KMSInternalException" => { return GenerateDataKeyError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return GenerateDataKeyError::KMSInvalidState(String::from(error_message)) } "KeyUnavailableException" => { return GenerateDataKeyError::KeyUnavailable(String::from(error_message)) } "NotFoundException" => { return GenerateDataKeyError::NotFound(String::from(error_message)) } "ValidationException" => { return GenerateDataKeyError::Validation(error_message.to_string()) } _ => {} } } return GenerateDataKeyError::Unknown(res); } } impl From<serde_json::error::Error> for GenerateDataKeyError { fn from(err: serde_json::error::Error) -> GenerateDataKeyError { GenerateDataKeyError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for GenerateDataKeyError { fn from(err: CredentialsError) -> GenerateDataKeyError { GenerateDataKeyError::Credentials(err) } } impl From<HttpDispatchError> for GenerateDataKeyError { fn from(err: HttpDispatchError) -> GenerateDataKeyError { GenerateDataKeyError::HttpDispatch(err) } } impl From<io::Error> for GenerateDataKeyError { fn from(err: io::Error) -> GenerateDataKeyError { GenerateDataKeyError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for GenerateDataKeyError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for GenerateDataKeyError { fn description(&self) -> &str { match *self { GenerateDataKeyError::DependencyTimeout(ref cause) => cause, GenerateDataKeyError::Disabled(ref cause) => cause, GenerateDataKeyError::InvalidGrantToken(ref cause) => cause, GenerateDataKeyError::InvalidKeyUsage(ref cause) => cause, GenerateDataKeyError::KMSInternal(ref cause) => cause, GenerateDataKeyError::KMSInvalidState(ref cause) => cause, GenerateDataKeyError::KeyUnavailable(ref cause) => cause, GenerateDataKeyError::NotFound(ref cause) => cause, GenerateDataKeyError::Validation(ref cause) => cause, GenerateDataKeyError::Credentials(ref err) => err.description(), GenerateDataKeyError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), GenerateDataKeyError::ParseError(ref cause) => cause, GenerateDataKeyError::Unknown(_) => "unknown error", } } } /// Errors returned by GenerateDataKeyWithoutPlaintext #[derive(Debug, PartialEq)] pub enum GenerateDataKeyWithoutPlaintextError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because the specified grant token is not valid.</p> InvalidGrantToken(String), /// <p>The request was rejected because the specified <code>KeySpec</code> value is not valid.</p> InvalidKeyUsage(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified CMK was not available. The request can be retried.</p> KeyUnavailable(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl GenerateDataKeyWithoutPlaintextError { pub fn from_response(res: BufferedHttpResponse) -> GenerateDataKeyWithoutPlaintextError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return GenerateDataKeyWithoutPlaintextError::DependencyTimeout(String::from( error_message, )) } "DisabledException" => { return GenerateDataKeyWithoutPlaintextError::Disabled(String::from( error_message, )) } "InvalidGrantTokenException" => { return GenerateDataKeyWithoutPlaintextError::InvalidGrantToken(String::from( error_message, )) } "InvalidKeyUsageException" => { return GenerateDataKeyWithoutPlaintextError::InvalidKeyUsage(String::from( error_message, )) } "KMSInternalException" => { return GenerateDataKeyWithoutPlaintextError::KMSInternal(String::from( error_message, )) } "KMSInvalidStateException" => { return GenerateDataKeyWithoutPlaintextError::KMSInvalidState(String::from( error_message, )) } "KeyUnavailableException" => { return GenerateDataKeyWithoutPlaintextError::KeyUnavailable(String::from( error_message, )) } "NotFoundException" => { return GenerateDataKeyWithoutPlaintextError::NotFound(String::from( error_message, )) } "ValidationException" => { return GenerateDataKeyWithoutPlaintextError::Validation( error_message.to_string(), ) } _ => {} } } return GenerateDataKeyWithoutPlaintextError::Unknown(res); } } impl From<serde_json::error::Error> for GenerateDataKeyWithoutPlaintextError { fn from(err: serde_json::error::Error) -> GenerateDataKeyWithoutPlaintextError { GenerateDataKeyWithoutPlaintextError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for GenerateDataKeyWithoutPlaintextError { fn from(err: CredentialsError) -> GenerateDataKeyWithoutPlaintextError { GenerateDataKeyWithoutPlaintextError::Credentials(err) } } impl From<HttpDispatchError> for GenerateDataKeyWithoutPlaintextError { fn from(err: HttpDispatchError) -> GenerateDataKeyWithoutPlaintextError { GenerateDataKeyWithoutPlaintextError::HttpDispatch(err) } } impl From<io::Error> for GenerateDataKeyWithoutPlaintextError { fn from(err: io::Error) -> GenerateDataKeyWithoutPlaintextError { GenerateDataKeyWithoutPlaintextError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for GenerateDataKeyWithoutPlaintextError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for GenerateDataKeyWithoutPlaintextError { fn description(&self) -> &str { match *self { GenerateDataKeyWithoutPlaintextError::DependencyTimeout(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::Disabled(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::InvalidGrantToken(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::InvalidKeyUsage(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::KMSInternal(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::KMSInvalidState(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::KeyUnavailable(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::NotFound(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::Validation(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::Credentials(ref err) => err.description(), GenerateDataKeyWithoutPlaintextError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } GenerateDataKeyWithoutPlaintextError::ParseError(ref cause) => cause, GenerateDataKeyWithoutPlaintextError::Unknown(_) => "unknown error", } } } /// Errors returned by GenerateRandom #[derive(Debug, PartialEq)] pub enum GenerateRandomError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl GenerateRandomError { pub fn from_response(res: BufferedHttpResponse) -> GenerateRandomError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return GenerateRandomError::DependencyTimeout(String::from(error_message)) } "KMSInternalException" => { return GenerateRandomError::KMSInternal(String::from(error_message)) } "ValidationException" => { return GenerateRandomError::Validation(error_message.to_string()) } _ => {} } } return GenerateRandomError::Unknown(res); } } impl From<serde_json::error::Error> for GenerateRandomError { fn from(err: serde_json::error::Error) -> GenerateRandomError { GenerateRandomError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for GenerateRandomError { fn from(err: CredentialsError) -> GenerateRandomError { GenerateRandomError::Credentials(err) } } impl From<HttpDispatchError> for GenerateRandomError { fn from(err: HttpDispatchError) -> GenerateRandomError { GenerateRandomError::HttpDispatch(err) } } impl From<io::Error> for GenerateRandomError { fn from(err: io::Error) -> GenerateRandomError { GenerateRandomError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for GenerateRandomError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for GenerateRandomError { fn description(&self) -> &str { match *self { GenerateRandomError::DependencyTimeout(ref cause) => cause, GenerateRandomError::KMSInternal(ref cause) => cause, GenerateRandomError::Validation(ref cause) => cause, GenerateRandomError::Credentials(ref err) => err.description(), GenerateRandomError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), GenerateRandomError::ParseError(ref cause) => cause, GenerateRandomError::Unknown(_) => "unknown error", } } } /// Errors returned by GetKeyPolicy #[derive(Debug, PartialEq)] pub enum GetKeyPolicyError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl GetKeyPolicyError { pub fn from_response(res: BufferedHttpResponse) -> GetKeyPolicyError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return GetKeyPolicyError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return GetKeyPolicyError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return GetKeyPolicyError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return GetKeyPolicyError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return GetKeyPolicyError::NotFound(String::from(error_message)) } "ValidationException" => { return GetKeyPolicyError::Validation(error_message.to_string()) } _ => {} } } return GetKeyPolicyError::Unknown(res); } } impl From<serde_json::error::Error> for GetKeyPolicyError { fn from(err: serde_json::error::Error) -> GetKeyPolicyError { GetKeyPolicyError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for GetKeyPolicyError { fn from(err: CredentialsError) -> GetKeyPolicyError { GetKeyPolicyError::Credentials(err) } } impl From<HttpDispatchError> for GetKeyPolicyError { fn from(err: HttpDispatchError) -> GetKeyPolicyError { GetKeyPolicyError::HttpDispatch(err) } } impl From<io::Error> for GetKeyPolicyError { fn from(err: io::Error) -> GetKeyPolicyError { GetKeyPolicyError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for GetKeyPolicyError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for GetKeyPolicyError { fn description(&self) -> &str { match *self { GetKeyPolicyError::DependencyTimeout(ref cause) => cause, GetKeyPolicyError::InvalidArn(ref cause) => cause, GetKeyPolicyError::KMSInternal(ref cause) => cause, GetKeyPolicyError::KMSInvalidState(ref cause) => cause, GetKeyPolicyError::NotFound(ref cause) => cause, GetKeyPolicyError::Validation(ref cause) => cause, GetKeyPolicyError::Credentials(ref err) => err.description(), GetKeyPolicyError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), GetKeyPolicyError::ParseError(ref cause) => cause, GetKeyPolicyError::Unknown(_) => "unknown error", } } } /// Errors returned by GetKeyRotationStatus #[derive(Debug, PartialEq)] pub enum GetKeyRotationStatusError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl GetKeyRotationStatusError { pub fn from_response(res: BufferedHttpResponse) -> GetKeyRotationStatusError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return GetKeyRotationStatusError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return GetKeyRotationStatusError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return GetKeyRotationStatusError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return GetKeyRotationStatusError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return GetKeyRotationStatusError::NotFound(String::from(error_message)) } "UnsupportedOperationException" => { return GetKeyRotationStatusError::UnsupportedOperation(String::from( error_message, )) } "ValidationException" => { return GetKeyRotationStatusError::Validation(error_message.to_string()) } _ => {} } } return GetKeyRotationStatusError::Unknown(res); } } impl From<serde_json::error::Error> for GetKeyRotationStatusError { fn from(err: serde_json::error::Error) -> GetKeyRotationStatusError { GetKeyRotationStatusError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for GetKeyRotationStatusError { fn from(err: CredentialsError) -> GetKeyRotationStatusError { GetKeyRotationStatusError::Credentials(err) } } impl From<HttpDispatchError> for GetKeyRotationStatusError { fn from(err: HttpDispatchError) -> GetKeyRotationStatusError { GetKeyRotationStatusError::HttpDispatch(err) } } impl From<io::Error> for GetKeyRotationStatusError { fn from(err: io::Error) -> GetKeyRotationStatusError { GetKeyRotationStatusError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for GetKeyRotationStatusError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for GetKeyRotationStatusError { fn description(&self) -> &str { match *self { GetKeyRotationStatusError::DependencyTimeout(ref cause) => cause, GetKeyRotationStatusError::InvalidArn(ref cause) => cause, GetKeyRotationStatusError::KMSInternal(ref cause) => cause, GetKeyRotationStatusError::KMSInvalidState(ref cause) => cause, GetKeyRotationStatusError::NotFound(ref cause) => cause, GetKeyRotationStatusError::UnsupportedOperation(ref cause) => cause, GetKeyRotationStatusError::Validation(ref cause) => cause, GetKeyRotationStatusError::Credentials(ref err) => err.description(), GetKeyRotationStatusError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } GetKeyRotationStatusError::ParseError(ref cause) => cause, GetKeyRotationStatusError::Unknown(_) => "unknown error", } } } /// Errors returned by GetParametersForImport #[derive(Debug, PartialEq)] pub enum GetParametersForImportError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl GetParametersForImportError { pub fn from_response(res: BufferedHttpResponse) -> GetParametersForImportError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return GetParametersForImportError::DependencyTimeout(String::from( error_message, )) } "InvalidArnException" => { return GetParametersForImportError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return GetParametersForImportError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return GetParametersForImportError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return GetParametersForImportError::NotFound(String::from(error_message)) } "UnsupportedOperationException" => { return GetParametersForImportError::UnsupportedOperation(String::from( error_message, )) } "ValidationException" => { return GetParametersForImportError::Validation(error_message.to_string()) } _ => {} } } return GetParametersForImportError::Unknown(res); } } impl From<serde_json::error::Error> for GetParametersForImportError { fn from(err: serde_json::error::Error) -> GetParametersForImportError { GetParametersForImportError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for GetParametersForImportError { fn from(err: CredentialsError) -> GetParametersForImportError { GetParametersForImportError::Credentials(err) } } impl From<HttpDispatchError> for GetParametersForImportError { fn from(err: HttpDispatchError) -> GetParametersForImportError { GetParametersForImportError::HttpDispatch(err) } } impl From<io::Error> for GetParametersForImportError { fn from(err: io::Error) -> GetParametersForImportError { GetParametersForImportError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for GetParametersForImportError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for GetParametersForImportError { fn description(&self) -> &str { match *self { GetParametersForImportError::DependencyTimeout(ref cause) => cause, GetParametersForImportError::InvalidArn(ref cause) => cause, GetParametersForImportError::KMSInternal(ref cause) => cause, GetParametersForImportError::KMSInvalidState(ref cause) => cause, GetParametersForImportError::NotFound(ref cause) => cause, GetParametersForImportError::UnsupportedOperation(ref cause) => cause, GetParametersForImportError::Validation(ref cause) => cause, GetParametersForImportError::Credentials(ref err) => err.description(), GetParametersForImportError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } GetParametersForImportError::ParseError(ref cause) => cause, GetParametersForImportError::Unknown(_) => "unknown error", } } } /// Errors returned by ImportKeyMaterial #[derive(Debug, PartialEq)] pub enum ImportKeyMaterialError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the provided import token is expired. Use <a>GetParametersForImport</a> to get a new import token and public key, use the new public key to encrypt the key material, and then try the request again.</p> ExpiredImportToken(String), /// <p>The request was rejected because the provided key material is invalid or is not the same key material that was previously imported into this customer master key (CMK).</p> IncorrectKeyMaterial(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because the specified ciphertext, or additional authenticated data incorporated into the ciphertext, such as the encryption context, is corrupted, missing, or otherwise invalid.</p> InvalidCiphertext(String), /// <p>The request was rejected because the provided import token is invalid or is associated with a different customer master key (CMK).</p> InvalidImportToken(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ImportKeyMaterialError { pub fn from_response(res: BufferedHttpResponse) -> ImportKeyMaterialError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ImportKeyMaterialError::DependencyTimeout(String::from(error_message)) } "ExpiredImportTokenException" => { return ImportKeyMaterialError::ExpiredImportToken(String::from(error_message)) } "IncorrectKeyMaterialException" => { return ImportKeyMaterialError::IncorrectKeyMaterial(String::from(error_message)) } "InvalidArnException" => { return ImportKeyMaterialError::InvalidArn(String::from(error_message)) } "InvalidCiphertextException" => { return ImportKeyMaterialError::InvalidCiphertext(String::from(error_message)) } "InvalidImportTokenException" => { return ImportKeyMaterialError::InvalidImportToken(String::from(error_message)) } "KMSInternalException" => { return ImportKeyMaterialError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return ImportKeyMaterialError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return ImportKeyMaterialError::NotFound(String::from(error_message)) } "UnsupportedOperationException" => { return ImportKeyMaterialError::UnsupportedOperation(String::from(error_message)) } "ValidationException" => { return ImportKeyMaterialError::Validation(error_message.to_string()) } _ => {} } } return ImportKeyMaterialError::Unknown(res); } } impl From<serde_json::error::Error> for ImportKeyMaterialError { fn from(err: serde_json::error::Error) -> ImportKeyMaterialError { ImportKeyMaterialError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ImportKeyMaterialError { fn from(err: CredentialsError) -> ImportKeyMaterialError { ImportKeyMaterialError::Credentials(err) } } impl From<HttpDispatchError> for ImportKeyMaterialError { fn from(err: HttpDispatchError) -> ImportKeyMaterialError { ImportKeyMaterialError::HttpDispatch(err) } } impl From<io::Error> for ImportKeyMaterialError { fn from(err: io::Error) -> ImportKeyMaterialError { ImportKeyMaterialError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ImportKeyMaterialError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ImportKeyMaterialError { fn description(&self) -> &str { match *self { ImportKeyMaterialError::DependencyTimeout(ref cause) => cause, ImportKeyMaterialError::ExpiredImportToken(ref cause) => cause, ImportKeyMaterialError::IncorrectKeyMaterial(ref cause) => cause, ImportKeyMaterialError::InvalidArn(ref cause) => cause, ImportKeyMaterialError::InvalidCiphertext(ref cause) => cause, ImportKeyMaterialError::InvalidImportToken(ref cause) => cause, ImportKeyMaterialError::KMSInternal(ref cause) => cause, ImportKeyMaterialError::KMSInvalidState(ref cause) => cause, ImportKeyMaterialError::NotFound(ref cause) => cause, ImportKeyMaterialError::UnsupportedOperation(ref cause) => cause, ImportKeyMaterialError::Validation(ref cause) => cause, ImportKeyMaterialError::Credentials(ref err) => err.description(), ImportKeyMaterialError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } ImportKeyMaterialError::ParseError(ref cause) => cause, ImportKeyMaterialError::Unknown(_) => "unknown error", } } } /// Errors returned by ListAliases #[derive(Debug, PartialEq)] pub enum ListAliasesError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the marker that specifies where pagination should next begin is not valid.</p> InvalidMarker(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ListAliasesError { pub fn from_response(res: BufferedHttpResponse) -> ListAliasesError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ListAliasesError::DependencyTimeout(String::from(error_message)) } "InvalidMarkerException" => { return ListAliasesError::InvalidMarker(String::from(error_message)) } "KMSInternalException" => { return ListAliasesError::KMSInternal(String::from(error_message)) } "ValidationException" => { return ListAliasesError::Validation(error_message.to_string()) } _ => {} } } return ListAliasesError::Unknown(res); } } impl From<serde_json::error::Error> for ListAliasesError { fn from(err: serde_json::error::Error) -> ListAliasesError { ListAliasesError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ListAliasesError { fn from(err: CredentialsError) -> ListAliasesError { ListAliasesError::Credentials(err) } } impl From<HttpDispatchError> for ListAliasesError { fn from(err: HttpDispatchError) -> ListAliasesError { ListAliasesError::HttpDispatch(err) } } impl From<io::Error> for ListAliasesError { fn from(err: io::Error) -> ListAliasesError { ListAliasesError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ListAliasesError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ListAliasesError { fn description(&self) -> &str { match *self { ListAliasesError::DependencyTimeout(ref cause) => cause, ListAliasesError::InvalidMarker(ref cause) => cause, ListAliasesError::KMSInternal(ref cause) => cause, ListAliasesError::Validation(ref cause) => cause, ListAliasesError::Credentials(ref err) => err.description(), ListAliasesError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), ListAliasesError::ParseError(ref cause) => cause, ListAliasesError::Unknown(_) => "unknown error", } } } /// Errors returned by ListGrants #[derive(Debug, PartialEq)] pub enum ListGrantsError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because the marker that specifies where pagination should next begin is not valid.</p> InvalidMarker(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ListGrantsError { pub fn from_response(res: BufferedHttpResponse) -> ListGrantsError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ListGrantsError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return ListGrantsError::InvalidArn(String::from(error_message)) } "InvalidMarkerException" => { return ListGrantsError::InvalidMarker(String::from(error_message)) } "KMSInternalException" => { return ListGrantsError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return ListGrantsError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return ListGrantsError::NotFound(String::from(error_message)) } "ValidationException" => { return ListGrantsError::Validation(error_message.to_string()) } _ => {} } } return ListGrantsError::Unknown(res); } } impl From<serde_json::error::Error> for ListGrantsError { fn from(err: serde_json::error::Error) -> ListGrantsError { ListGrantsError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ListGrantsError { fn from(err: CredentialsError) -> ListGrantsError { ListGrantsError::Credentials(err) } } impl From<HttpDispatchError> for ListGrantsError { fn from(err: HttpDispatchError) -> ListGrantsError { ListGrantsError::HttpDispatch(err) } } impl From<io::Error> for ListGrantsError { fn from(err: io::Error) -> ListGrantsError { ListGrantsError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ListGrantsError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ListGrantsError { fn description(&self) -> &str { match *self { ListGrantsError::DependencyTimeout(ref cause) => cause, ListGrantsError::InvalidArn(ref cause) => cause, ListGrantsError::InvalidMarker(ref cause) => cause, ListGrantsError::KMSInternal(ref cause) => cause, ListGrantsError::KMSInvalidState(ref cause) => cause, ListGrantsError::NotFound(ref cause) => cause, ListGrantsError::Validation(ref cause) => cause, ListGrantsError::Credentials(ref err) => err.description(), ListGrantsError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), ListGrantsError::ParseError(ref cause) => cause, ListGrantsError::Unknown(_) => "unknown error", } } } /// Errors returned by ListKeyPolicies #[derive(Debug, PartialEq)] pub enum ListKeyPoliciesError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ListKeyPoliciesError { pub fn from_response(res: BufferedHttpResponse) -> ListKeyPoliciesError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ListKeyPoliciesError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return ListKeyPoliciesError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return ListKeyPoliciesError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return ListKeyPoliciesError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return ListKeyPoliciesError::NotFound(String::from(error_message)) } "ValidationException" => { return ListKeyPoliciesError::Validation(error_message.to_string()) } _ => {} } } return ListKeyPoliciesError::Unknown(res); } } impl From<serde_json::error::Error> for ListKeyPoliciesError { fn from(err: serde_json::error::Error) -> ListKeyPoliciesError { ListKeyPoliciesError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ListKeyPoliciesError { fn from(err: CredentialsError) -> ListKeyPoliciesError { ListKeyPoliciesError::Credentials(err) } } impl From<HttpDispatchError> for ListKeyPoliciesError { fn from(err: HttpDispatchError) -> ListKeyPoliciesError { ListKeyPoliciesError::HttpDispatch(err) } } impl From<io::Error> for ListKeyPoliciesError { fn from(err: io::Error) -> ListKeyPoliciesError { ListKeyPoliciesError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ListKeyPoliciesError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ListKeyPoliciesError { fn description(&self) -> &str { match *self { ListKeyPoliciesError::DependencyTimeout(ref cause) => cause, ListKeyPoliciesError::InvalidArn(ref cause) => cause, ListKeyPoliciesError::KMSInternal(ref cause) => cause, ListKeyPoliciesError::KMSInvalidState(ref cause) => cause, ListKeyPoliciesError::NotFound(ref cause) => cause, ListKeyPoliciesError::Validation(ref cause) => cause, ListKeyPoliciesError::Credentials(ref err) => err.description(), ListKeyPoliciesError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), ListKeyPoliciesError::ParseError(ref cause) => cause, ListKeyPoliciesError::Unknown(_) => "unknown error", } } } /// Errors returned by ListKeys #[derive(Debug, PartialEq)] pub enum ListKeysError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the marker that specifies where pagination should next begin is not valid.</p> InvalidMarker(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ListKeysError { pub fn from_response(res: BufferedHttpResponse) -> ListKeysError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ListKeysError::DependencyTimeout(String::from(error_message)) } "InvalidMarkerException" => { return ListKeysError::InvalidMarker(String::from(error_message)) } "KMSInternalException" => { return ListKeysError::KMSInternal(String::from(error_message)) } "ValidationException" => { return ListKeysError::Validation(error_message.to_string()) } _ => {} } } return ListKeysError::Unknown(res); } } impl From<serde_json::error::Error> for ListKeysError { fn from(err: serde_json::error::Error) -> ListKeysError { ListKeysError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ListKeysError { fn from(err: CredentialsError) -> ListKeysError { ListKeysError::Credentials(err) } } impl From<HttpDispatchError> for ListKeysError { fn from(err: HttpDispatchError) -> ListKeysError { ListKeysError::HttpDispatch(err) } } impl From<io::Error> for ListKeysError { fn from(err: io::Error) -> ListKeysError { ListKeysError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ListKeysError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ListKeysError { fn description(&self) -> &str { match *self { ListKeysError::DependencyTimeout(ref cause) => cause, ListKeysError::InvalidMarker(ref cause) => cause, ListKeysError::KMSInternal(ref cause) => cause, ListKeysError::Validation(ref cause) => cause, ListKeysError::Credentials(ref err) => err.description(), ListKeysError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), ListKeysError::ParseError(ref cause) => cause, ListKeysError::Unknown(_) => "unknown error", } } } /// Errors returned by ListResourceTags #[derive(Debug, PartialEq)] pub enum ListResourceTagsError { /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because the marker that specifies where pagination should next begin is not valid.</p> InvalidMarker(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ListResourceTagsError { pub fn from_response(res: BufferedHttpResponse) -> ListResourceTagsError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "InvalidArnException" =>
"InvalidMarkerException" => { return ListResourceTagsError::InvalidMarker(String::from(error_message)) } "KMSInternalException" => { return ListResourceTagsError::KMSInternal(String::from(error_message)) } "NotFoundException" => { return ListResourceTagsError::NotFound(String::from(error_message)) } "ValidationException" => { return ListResourceTagsError::Validation(error_message.to_string()) } _ => {} } } return ListResourceTagsError::Unknown(res); } } impl From<serde_json::error::Error> for ListResourceTagsError { fn from(err: serde_json::error::Error) -> ListResourceTagsError { ListResourceTagsError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ListResourceTagsError { fn from(err: CredentialsError) -> ListResourceTagsError { ListResourceTagsError::Credentials(err) } } impl From<HttpDispatchError> for ListResourceTagsError { fn from(err: HttpDispatchError) -> ListResourceTagsError { ListResourceTagsError::HttpDispatch(err) } } impl From<io::Error> for ListResourceTagsError { fn from(err: io::Error) -> ListResourceTagsError { ListResourceTagsError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ListResourceTagsError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ListResourceTagsError { fn description(&self) -> &str { match *self { ListResourceTagsError::InvalidArn(ref cause) => cause, ListResourceTagsError::InvalidMarker(ref cause) => cause, ListResourceTagsError::KMSInternal(ref cause) => cause, ListResourceTagsError::NotFound(ref cause) => cause, ListResourceTagsError::Validation(ref cause) => cause, ListResourceTagsError::Credentials(ref err) => err.description(), ListResourceTagsError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), ListResourceTagsError::ParseError(ref cause) => cause, ListResourceTagsError::Unknown(_) => "unknown error", } } } /// Errors returned by ListRetirableGrants #[derive(Debug, PartialEq)] pub enum ListRetirableGrantsError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because the marker that specifies where pagination should next begin is not valid.</p> InvalidMarker(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ListRetirableGrantsError { pub fn from_response(res: BufferedHttpResponse) -> ListRetirableGrantsError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ListRetirableGrantsError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return ListRetirableGrantsError::InvalidArn(String::from(error_message)) } "InvalidMarkerException" => { return ListRetirableGrantsError::InvalidMarker(String::from(error_message)) } "KMSInternalException" => { return ListRetirableGrantsError::KMSInternal(String::from(error_message)) } "NotFoundException" => { return ListRetirableGrantsError::NotFound(String::from(error_message)) } "ValidationException" => { return ListRetirableGrantsError::Validation(error_message.to_string()) } _ => {} } } return ListRetirableGrantsError::Unknown(res); } } impl From<serde_json::error::Error> for ListRetirableGrantsError { fn from(err: serde_json::error::Error) -> ListRetirableGrantsError { ListRetirableGrantsError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ListRetirableGrantsError { fn from(err: CredentialsError) -> ListRetirableGrantsError { ListRetirableGrantsError::Credentials(err) } } impl From<HttpDispatchError> for ListRetirableGrantsError { fn from(err: HttpDispatchError) -> ListRetirableGrantsError { ListRetirableGrantsError::HttpDispatch(err) } } impl From<io::Error> for ListRetirableGrantsError { fn from(err: io::Error) -> ListRetirableGrantsError { ListRetirableGrantsError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ListRetirableGrantsError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ListRetirableGrantsError { fn description(&self) -> &str { match *self { ListRetirableGrantsError::DependencyTimeout(ref cause) => cause, ListRetirableGrantsError::InvalidArn(ref cause) => cause, ListRetirableGrantsError::InvalidMarker(ref cause) => cause, ListRetirableGrantsError::KMSInternal(ref cause) => cause, ListRetirableGrantsError::NotFound(ref cause) => cause, ListRetirableGrantsError::Validation(ref cause) => cause, ListRetirableGrantsError::Credentials(ref err) => err.description(), ListRetirableGrantsError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } ListRetirableGrantsError::ParseError(ref cause) => cause, ListRetirableGrantsError::Unknown(_) => "unknown error", } } } /// Errors returned by PutKeyPolicy #[derive(Debug, PartialEq)] pub enum PutKeyPolicyError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because a limit was exceeded. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html">Limits</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> LimitExceeded(String), /// <p>The request was rejected because the specified policy is not syntactically or semantically correct.</p> MalformedPolicyDocument(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because a specified parameter is not supported or a specified resource is not valid for this operation.</p> UnsupportedOperation(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl PutKeyPolicyError { pub fn from_response(res: BufferedHttpResponse) -> PutKeyPolicyError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return PutKeyPolicyError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return PutKeyPolicyError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return PutKeyPolicyError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return PutKeyPolicyError::KMSInvalidState(String::from(error_message)) } "LimitExceededException" => { return PutKeyPolicyError::LimitExceeded(String::from(error_message)) } "MalformedPolicyDocumentException" => { return PutKeyPolicyError::MalformedPolicyDocument(String::from(error_message)) } "NotFoundException" => { return PutKeyPolicyError::NotFound(String::from(error_message)) } "UnsupportedOperationException" => { return PutKeyPolicyError::UnsupportedOperation(String::from(error_message)) } "ValidationException" => { return PutKeyPolicyError::Validation(error_message.to_string()) } _ => {} } } return PutKeyPolicyError::Unknown(res); } } impl From<serde_json::error::Error> for PutKeyPolicyError { fn from(err: serde_json::error::Error) -> PutKeyPolicyError { PutKeyPolicyError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for PutKeyPolicyError { fn from(err: CredentialsError) -> PutKeyPolicyError { PutKeyPolicyError::Credentials(err) } } impl From<HttpDispatchError> for PutKeyPolicyError { fn from(err: HttpDispatchError) -> PutKeyPolicyError { PutKeyPolicyError::HttpDispatch(err) } } impl From<io::Error> for PutKeyPolicyError { fn from(err: io::Error) -> PutKeyPolicyError { PutKeyPolicyError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for PutKeyPolicyError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for PutKeyPolicyError { fn description(&self) -> &str { match *self { PutKeyPolicyError::DependencyTimeout(ref cause) => cause, PutKeyPolicyError::InvalidArn(ref cause) => cause, PutKeyPolicyError::KMSInternal(ref cause) => cause, PutKeyPolicyError::KMSInvalidState(ref cause) => cause, PutKeyPolicyError::LimitExceeded(ref cause) => cause, PutKeyPolicyError::MalformedPolicyDocument(ref cause) => cause, PutKeyPolicyError::NotFound(ref cause) => cause, PutKeyPolicyError::UnsupportedOperation(ref cause) => cause, PutKeyPolicyError::Validation(ref cause) => cause, PutKeyPolicyError::Credentials(ref err) => err.description(), PutKeyPolicyError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), PutKeyPolicyError::ParseError(ref cause) => cause, PutKeyPolicyError::Unknown(_) => "unknown error", } } } /// Errors returned by ReEncrypt #[derive(Debug, PartialEq)] pub enum ReEncryptError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because the specified CMK is not enabled.</p> Disabled(String), /// <p>The request was rejected because the specified ciphertext, or additional authenticated data incorporated into the ciphertext, such as the encryption context, is corrupted, missing, or otherwise invalid.</p> InvalidCiphertext(String), /// <p>The request was rejected because the specified grant token is not valid.</p> InvalidGrantToken(String), /// <p>The request was rejected because the specified <code>KeySpec</code> value is not valid.</p> InvalidKeyUsage(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified CMK was not available. The request can be retried.</p> KeyUnavailable(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ReEncryptError { pub fn from_response(res: BufferedHttpResponse) -> ReEncryptError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ReEncryptError::DependencyTimeout(String::from(error_message)) } "DisabledException" => return ReEncryptError::Disabled(String::from(error_message)), "InvalidCiphertextException" => { return ReEncryptError::InvalidCiphertext(String::from(error_message)) } "InvalidGrantTokenException" => { return ReEncryptError::InvalidGrantToken(String::from(error_message)) } "InvalidKeyUsageException" => { return ReEncryptError::InvalidKeyUsage(String::from(error_message)) } "KMSInternalException" => { return ReEncryptError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return ReEncryptError::KMSInvalidState(String::from(error_message)) } "KeyUnavailableException" => { return ReEncryptError::KeyUnavailable(String::from(error_message)) } "NotFoundException" => return ReEncryptError::NotFound(String::from(error_message)), "ValidationException" => { return ReEncryptError::Validation(error_message.to_string()) } _ => {} } } return ReEncryptError::Unknown(res); } } impl From<serde_json::error::Error> for ReEncryptError { fn from(err: serde_json::error::Error) -> ReEncryptError { ReEncryptError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ReEncryptError { fn from(err: CredentialsError) -> ReEncryptError { ReEncryptError::Credentials(err) } } impl From<HttpDispatchError> for ReEncryptError { fn from(err: HttpDispatchError) -> ReEncryptError { ReEncryptError::HttpDispatch(err) } } impl From<io::Error> for ReEncryptError { fn from(err: io::Error) -> ReEncryptError { ReEncryptError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ReEncryptError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ReEncryptError { fn description(&self) -> &str { match *self { ReEncryptError::DependencyTimeout(ref cause) => cause, ReEncryptError::Disabled(ref cause) => cause, ReEncryptError::InvalidCiphertext(ref cause) => cause, ReEncryptError::InvalidGrantToken(ref cause) => cause, ReEncryptError::InvalidKeyUsage(ref cause) => cause, ReEncryptError::KMSInternal(ref cause) => cause, ReEncryptError::KMSInvalidState(ref cause) => cause, ReEncryptError::KeyUnavailable(ref cause) => cause, ReEncryptError::NotFound(ref cause) => cause, ReEncryptError::Validation(ref cause) => cause, ReEncryptError::Credentials(ref err) => err.description(), ReEncryptError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), ReEncryptError::ParseError(ref cause) => cause, ReEncryptError::Unknown(_) => "unknown error", } } } /// Errors returned by RetireGrant #[derive(Debug, PartialEq)] pub enum RetireGrantError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because the specified <code>GrantId</code> is not valid.</p> InvalidGrantId(String), /// <p>The request was rejected because the specified grant token is not valid.</p> InvalidGrantToken(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl RetireGrantError { pub fn from_response(res: BufferedHttpResponse) -> RetireGrantError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return RetireGrantError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return RetireGrantError::InvalidArn(String::from(error_message)) } "InvalidGrantIdException" => { return RetireGrantError::InvalidGrantId(String::from(error_message)) } "InvalidGrantTokenException" => { return RetireGrantError::InvalidGrantToken(String::from(error_message)) } "KMSInternalException" => { return RetireGrantError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return RetireGrantError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return RetireGrantError::NotFound(String::from(error_message)) } "ValidationException" => { return RetireGrantError::Validation(error_message.to_string()) } _ => {} } } return RetireGrantError::Unknown(res); } } impl From<serde_json::error::Error> for RetireGrantError { fn from(err: serde_json::error::Error) -> RetireGrantError { RetireGrantError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for RetireGrantError { fn from(err: CredentialsError) -> RetireGrantError { RetireGrantError::Credentials(err) } } impl From<HttpDispatchError> for RetireGrantError { fn from(err: HttpDispatchError) -> RetireGrantError { RetireGrantError::HttpDispatch(err) } } impl From<io::Error> for RetireGrantError { fn from(err: io::Error) -> RetireGrantError { RetireGrantError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for RetireGrantError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for RetireGrantError { fn description(&self) -> &str { match *self { RetireGrantError::DependencyTimeout(ref cause) => cause, RetireGrantError::InvalidArn(ref cause) => cause, RetireGrantError::InvalidGrantId(ref cause) => cause, RetireGrantError::InvalidGrantToken(ref cause) => cause, RetireGrantError::KMSInternal(ref cause) => cause, RetireGrantError::KMSInvalidState(ref cause) => cause, RetireGrantError::NotFound(ref cause) => cause, RetireGrantError::Validation(ref cause) => cause, RetireGrantError::Credentials(ref err) => err.description(), RetireGrantError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), RetireGrantError::ParseError(ref cause) => cause, RetireGrantError::Unknown(_) => "unknown error", } } } /// Errors returned by RevokeGrant #[derive(Debug, PartialEq)] pub enum RevokeGrantError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because the specified <code>GrantId</code> is not valid.</p> InvalidGrantId(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl RevokeGrantError { pub fn from_response(res: BufferedHttpResponse) -> RevokeGrantError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return RevokeGrantError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return RevokeGrantError::InvalidArn(String::from(error_message)) } "InvalidGrantIdException" => { return RevokeGrantError::InvalidGrantId(String::from(error_message)) } "KMSInternalException" => { return RevokeGrantError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return RevokeGrantError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return RevokeGrantError::NotFound(String::from(error_message)) } "ValidationException" => { return RevokeGrantError::Validation(error_message.to_string()) } _ => {} } } return RevokeGrantError::Unknown(res); } } impl From<serde_json::error::Error> for RevokeGrantError { fn from(err: serde_json::error::Error) -> RevokeGrantError { RevokeGrantError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for RevokeGrantError { fn from(err: CredentialsError) -> RevokeGrantError { RevokeGrantError::Credentials(err) } } impl From<HttpDispatchError> for RevokeGrantError { fn from(err: HttpDispatchError) -> RevokeGrantError { RevokeGrantError::HttpDispatch(err) } } impl From<io::Error> for RevokeGrantError { fn from(err: io::Error) -> RevokeGrantError { RevokeGrantError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for RevokeGrantError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for RevokeGrantError { fn description(&self) -> &str { match *self { RevokeGrantError::DependencyTimeout(ref cause) => cause, RevokeGrantError::InvalidArn(ref cause) => cause, RevokeGrantError::InvalidGrantId(ref cause) => cause, RevokeGrantError::KMSInternal(ref cause) => cause, RevokeGrantError::KMSInvalidState(ref cause) => cause, RevokeGrantError::NotFound(ref cause) => cause, RevokeGrantError::Validation(ref cause) => cause, RevokeGrantError::Credentials(ref err) => err.description(), RevokeGrantError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), RevokeGrantError::ParseError(ref cause) => cause, RevokeGrantError::Unknown(_) => "unknown error", } } } /// Errors returned by ScheduleKeyDeletion #[derive(Debug, PartialEq)] pub enum ScheduleKeyDeletionError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl ScheduleKeyDeletionError { pub fn from_response(res: BufferedHttpResponse) -> ScheduleKeyDeletionError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return ScheduleKeyDeletionError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return ScheduleKeyDeletionError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return ScheduleKeyDeletionError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return ScheduleKeyDeletionError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return ScheduleKeyDeletionError::NotFound(String::from(error_message)) } "ValidationException" => { return ScheduleKeyDeletionError::Validation(error_message.to_string()) } _ => {} } } return ScheduleKeyDeletionError::Unknown(res); } } impl From<serde_json::error::Error> for ScheduleKeyDeletionError { fn from(err: serde_json::error::Error) -> ScheduleKeyDeletionError { ScheduleKeyDeletionError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for ScheduleKeyDeletionError { fn from(err: CredentialsError) -> ScheduleKeyDeletionError { ScheduleKeyDeletionError::Credentials(err) } } impl From<HttpDispatchError> for ScheduleKeyDeletionError { fn from(err: HttpDispatchError) -> ScheduleKeyDeletionError { ScheduleKeyDeletionError::HttpDispatch(err) } } impl From<io::Error> for ScheduleKeyDeletionError { fn from(err: io::Error) -> ScheduleKeyDeletionError { ScheduleKeyDeletionError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for ScheduleKeyDeletionError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for ScheduleKeyDeletionError { fn description(&self) -> &str { match *self { ScheduleKeyDeletionError::DependencyTimeout(ref cause) => cause, ScheduleKeyDeletionError::InvalidArn(ref cause) => cause, ScheduleKeyDeletionError::KMSInternal(ref cause) => cause, ScheduleKeyDeletionError::KMSInvalidState(ref cause) => cause, ScheduleKeyDeletionError::NotFound(ref cause) => cause, ScheduleKeyDeletionError::Validation(ref cause) => cause, ScheduleKeyDeletionError::Credentials(ref err) => err.description(), ScheduleKeyDeletionError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } ScheduleKeyDeletionError::ParseError(ref cause) => cause, ScheduleKeyDeletionError::Unknown(_) => "unknown error", } } } /// Errors returned by TagResource #[derive(Debug, PartialEq)] pub enum TagResourceError { /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because a limit was exceeded. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html">Limits</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> LimitExceeded(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because one or more tags are not valid.</p> Tag(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl TagResourceError { pub fn from_response(res: BufferedHttpResponse) -> TagResourceError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "InvalidArnException" => { return TagResourceError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return TagResourceError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return TagResourceError::KMSInvalidState(String::from(error_message)) } "LimitExceededException" => { return TagResourceError::LimitExceeded(String::from(error_message)) } "NotFoundException" => { return TagResourceError::NotFound(String::from(error_message)) } "TagException" => return TagResourceError::Tag(String::from(error_message)), "ValidationException" => { return TagResourceError::Validation(error_message.to_string()) } _ => {} } } return TagResourceError::Unknown(res); } } impl From<serde_json::error::Error> for TagResourceError { fn from(err: serde_json::error::Error) -> TagResourceError { TagResourceError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for TagResourceError { fn from(err: CredentialsError) -> TagResourceError { TagResourceError::Credentials(err) } } impl From<HttpDispatchError> for TagResourceError { fn from(err: HttpDispatchError) -> TagResourceError { TagResourceError::HttpDispatch(err) } } impl From<io::Error> for TagResourceError { fn from(err: io::Error) -> TagResourceError { TagResourceError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for TagResourceError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for TagResourceError { fn description(&self) -> &str { match *self { TagResourceError::InvalidArn(ref cause) => cause, TagResourceError::KMSInternal(ref cause) => cause, TagResourceError::KMSInvalidState(ref cause) => cause, TagResourceError::LimitExceeded(ref cause) => cause, TagResourceError::NotFound(ref cause) => cause, TagResourceError::Tag(ref cause) => cause, TagResourceError::Validation(ref cause) => cause, TagResourceError::Credentials(ref err) => err.description(), TagResourceError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), TagResourceError::ParseError(ref cause) => cause, TagResourceError::Unknown(_) => "unknown error", } } } /// Errors returned by UntagResource #[derive(Debug, PartialEq)] pub enum UntagResourceError { /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// <p>The request was rejected because one or more tags are not valid.</p> Tag(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl UntagResourceError { pub fn from_response(res: BufferedHttpResponse) -> UntagResourceError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "InvalidArnException" => { return UntagResourceError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return UntagResourceError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return UntagResourceError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return UntagResourceError::NotFound(String::from(error_message)) } "TagException" => return UntagResourceError::Tag(String::from(error_message)), "ValidationException" => { return UntagResourceError::Validation(error_message.to_string()) } _ => {} } } return UntagResourceError::Unknown(res); } } impl From<serde_json::error::Error> for UntagResourceError { fn from(err: serde_json::error::Error) -> UntagResourceError { UntagResourceError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for UntagResourceError { fn from(err: CredentialsError) -> UntagResourceError { UntagResourceError::Credentials(err) } } impl From<HttpDispatchError> for UntagResourceError { fn from(err: HttpDispatchError) -> UntagResourceError { UntagResourceError::HttpDispatch(err) } } impl From<io::Error> for UntagResourceError { fn from(err: io::Error) -> UntagResourceError { UntagResourceError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for UntagResourceError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for UntagResourceError { fn description(&self) -> &str { match *self { UntagResourceError::InvalidArn(ref cause) => cause, UntagResourceError::KMSInternal(ref cause) => cause, UntagResourceError::KMSInvalidState(ref cause) => cause, UntagResourceError::NotFound(ref cause) => cause, UntagResourceError::Tag(ref cause) => cause, UntagResourceError::Validation(ref cause) => cause, UntagResourceError::Credentials(ref err) => err.description(), UntagResourceError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), UntagResourceError::ParseError(ref cause) => cause, UntagResourceError::Unknown(_) => "unknown error", } } } /// Errors returned by UpdateAlias #[derive(Debug, PartialEq)] pub enum UpdateAliasError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl UpdateAliasError { pub fn from_response(res: BufferedHttpResponse) -> UpdateAliasError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return UpdateAliasError::DependencyTimeout(String::from(error_message)) } "KMSInternalException" => { return UpdateAliasError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return UpdateAliasError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return UpdateAliasError::NotFound(String::from(error_message)) } "ValidationException" => { return UpdateAliasError::Validation(error_message.to_string()) } _ => {} } } return UpdateAliasError::Unknown(res); } } impl From<serde_json::error::Error> for UpdateAliasError { fn from(err: serde_json::error::Error) -> UpdateAliasError { UpdateAliasError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for UpdateAliasError { fn from(err: CredentialsError) -> UpdateAliasError { UpdateAliasError::Credentials(err) } } impl From<HttpDispatchError> for UpdateAliasError { fn from(err: HttpDispatchError) -> UpdateAliasError { UpdateAliasError::HttpDispatch(err) } } impl From<io::Error> for UpdateAliasError { fn from(err: io::Error) -> UpdateAliasError { UpdateAliasError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for UpdateAliasError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for UpdateAliasError { fn description(&self) -> &str { match *self { UpdateAliasError::DependencyTimeout(ref cause) => cause, UpdateAliasError::KMSInternal(ref cause) => cause, UpdateAliasError::KMSInvalidState(ref cause) => cause, UpdateAliasError::NotFound(ref cause) => cause, UpdateAliasError::Validation(ref cause) => cause, UpdateAliasError::Credentials(ref err) => err.description(), UpdateAliasError::HttpDispatch(ref dispatch_error) => dispatch_error.description(), UpdateAliasError::ParseError(ref cause) => cause, UpdateAliasError::Unknown(_) => "unknown error", } } } /// Errors returned by UpdateKeyDescription #[derive(Debug, PartialEq)] pub enum UpdateKeyDescriptionError { /// <p>The system timed out while trying to fulfill the request. The request can be retried.</p> DependencyTimeout(String), /// <p>The request was rejected because a specified ARN was not valid.</p> InvalidArn(String), /// <p>The request was rejected because an internal exception occurred. The request can be retried.</p> KMSInternal(String), /// <p>The request was rejected because the state of the specified resource is not valid for this request.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> KMSInvalidState(String), /// <p>The request was rejected because the specified entity or resource could not be found.</p> NotFound(String), /// An error occurred dispatching the HTTP request HttpDispatch(HttpDispatchError), /// An error was encountered with AWS credentials. Credentials(CredentialsError), /// A validation error occurred. Details from AWS are provided. Validation(String), /// An error occurred parsing the response payload. ParseError(String), /// An unknown error occurred. The raw HTTP response is provided. Unknown(BufferedHttpResponse), } impl UpdateKeyDescriptionError { pub fn from_response(res: BufferedHttpResponse) -> UpdateKeyDescriptionError { if let Ok(json) = from_slice::<SerdeJsonValue>(&res.body) { let raw_error_type = json .get("__type") .and_then(|e| e.as_str()) .unwrap_or("Unknown"); let error_message = json.get("message").and_then(|m| m.as_str()).unwrap_or(""); let pieces: Vec<&str> = raw_error_type.split("#").collect(); let error_type = pieces.last().expect("Expected error type"); match *error_type { "DependencyTimeoutException" => { return UpdateKeyDescriptionError::DependencyTimeout(String::from(error_message)) } "InvalidArnException" => { return UpdateKeyDescriptionError::InvalidArn(String::from(error_message)) } "KMSInternalException" => { return UpdateKeyDescriptionError::KMSInternal(String::from(error_message)) } "KMSInvalidStateException" => { return UpdateKeyDescriptionError::KMSInvalidState(String::from(error_message)) } "NotFoundException" => { return UpdateKeyDescriptionError::NotFound(String::from(error_message)) } "ValidationException" => { return UpdateKeyDescriptionError::Validation(error_message.to_string()) } _ => {} } } return UpdateKeyDescriptionError::Unknown(res); } } impl From<serde_json::error::Error> for UpdateKeyDescriptionError { fn from(err: serde_json::error::Error) -> UpdateKeyDescriptionError { UpdateKeyDescriptionError::ParseError(err.description().to_string()) } } impl From<CredentialsError> for UpdateKeyDescriptionError { fn from(err: CredentialsError) -> UpdateKeyDescriptionError { UpdateKeyDescriptionError::Credentials(err) } } impl From<HttpDispatchError> for UpdateKeyDescriptionError { fn from(err: HttpDispatchError) -> UpdateKeyDescriptionError { UpdateKeyDescriptionError::HttpDispatch(err) } } impl From<io::Error> for UpdateKeyDescriptionError { fn from(err: io::Error) -> UpdateKeyDescriptionError { UpdateKeyDescriptionError::HttpDispatch(HttpDispatchError::from(err)) } } impl fmt::Display for UpdateKeyDescriptionError { fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result { write!(f, "{}", self.description()) } } impl Error for UpdateKeyDescriptionError { fn description(&self) -> &str { match *self { UpdateKeyDescriptionError::DependencyTimeout(ref cause) => cause, UpdateKeyDescriptionError::InvalidArn(ref cause) => cause, UpdateKeyDescriptionError::KMSInternal(ref cause) => cause, UpdateKeyDescriptionError::KMSInvalidState(ref cause) => cause, UpdateKeyDescriptionError::NotFound(ref cause) => cause, UpdateKeyDescriptionError::Validation(ref cause) => cause, UpdateKeyDescriptionError::Credentials(ref err) => err.description(), UpdateKeyDescriptionError::HttpDispatch(ref dispatch_error) => { dispatch_error.description() } UpdateKeyDescriptionError::ParseError(ref cause) => cause, UpdateKeyDescriptionError::Unknown(_) => "unknown error", } } } /// Trait representing the capabilities of the KMS API. KMS clients implement this trait. pub trait Kms { /// <p>Cancels the deletion of a customer master key (CMK). When this operation is successful, the CMK is set to the <code>Disabled</code> state. To enable a CMK, use <a>EnableKey</a>. You cannot perform this operation on a CMK in a different AWS account.</p> <p>For more information about scheduling and canceling deletion of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/deleting-keys.html">Deleting Customer Master Keys</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn cancel_key_deletion( &self, input: CancelKeyDeletionRequest, ) -> RusotoFuture<CancelKeyDeletionResponse, CancelKeyDeletionError>; /// <p>Creates a display name for a customer-managed customer master key (CMK). You can use an alias to identify a CMK in selected operations, such as <a>Encrypt</a> and <a>GenerateDataKey</a>. </p> <p>Each CMK can have multiple aliases, but each alias points to only one CMK. The alias name must be unique in the AWS account and region. To simplify code that runs in multiple regions, use the same alias name, but point it to a different CMK in each region. </p> <p>Because an alias is not a property of a CMK, you can delete and change the aliases of a CMK without affecting the CMK. Also, aliases do not appear in the response from the <a>DescribeKey</a> operation. To get the aliases of all CMKs, use the <a>ListAliases</a> operation.</p> <p>The alias name can contain only alphanumeric characters, forward slashes (/), underscores (_), and dashes (-). Alias names cannot begin with <b>aws/</b>. That alias name prefix is reserved for AWS managed CMKs.</p> <p>The alias and the CMK it is mapped to must be in the same AWS account and the same region. You cannot perform this operation on an alias in a different AWS account.</p> <p>To map an existing alias to a different CMK, call <a>UpdateAlias</a>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn create_alias(&self, input: CreateAliasRequest) -> RusotoFuture<(), CreateAliasError>; /// <p>Adds a grant to a customer master key (CMK). The grant specifies who can use the CMK and under what conditions. When setting permissions, grants are an alternative to key policies. </p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter. For more information about grants, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/grants.html">Grants</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn create_grant( &self, input: CreateGrantRequest, ) -> RusotoFuture<CreateGrantResponse, CreateGrantError>; /// <p>Creates a customer master key (CMK) in the caller's AWS account.</p> <p>You can use a CMK to encrypt small amounts of data (4 KiB or less) directly. But CMKs are more commonly used to encrypt data encryption keys (DEKs), which are used to encrypt raw data. For more information about DEKs and the difference between CMKs and DEKs, see the following:</p> <ul> <li> <p>The <a>GenerateDataKey</a> operation</p> </li> <li> <p> <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html">AWS Key Management Service Concepts</a> in the <i>AWS Key Management Service Developer Guide</i> </p> </li> </ul> <p>You cannot use this operation to create a CMK in a different AWS account.</p> fn create_key( &self, input: CreateKeyRequest, ) -> RusotoFuture<CreateKeyResponse, CreateKeyError>; /// <p>Decrypts ciphertext. Ciphertext is plaintext that has been previously encrypted by using any of the following operations:</p> <ul> <li> <p> <a>GenerateDataKey</a> </p> </li> <li> <p> <a>GenerateDataKeyWithoutPlaintext</a> </p> </li> <li> <p> <a>Encrypt</a> </p> </li> </ul> <p>Whenever possible, use key policies to give users permission to call the Decrypt operation on the CMK, instead of IAM policies. Otherwise, you might create an IAM user policy that gives the user Decrypt permission on all CMKs. This user could decrypt ciphertext that was encrypted by CMKs in other accounts if the key policy for the cross-account CMK permits it. If you must use an IAM policy for <code>Decrypt</code> permissions, limit the user to particular CMKs or particular trusted accounts.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn decrypt(&self, input: DecryptRequest) -> RusotoFuture<DecryptResponse, DecryptError>; /// <p>Deletes the specified alias. You cannot perform this operation on an alias in a different AWS account. </p> <p>Because an alias is not a property of a CMK, you can delete and change the aliases of a CMK without affecting the CMK. Also, aliases do not appear in the response from the <a>DescribeKey</a> operation. To get the aliases of all CMKs, use the <a>ListAliases</a> operation. </p> <p>Each CMK can have multiple aliases. To change the alias of a CMK, use <a>DeleteAlias</a> to delete the current alias and <a>CreateAlias</a> to create a new alias. To associate an existing alias with a different customer master key (CMK), call <a>UpdateAlias</a>.</p> fn delete_alias(&self, input: DeleteAliasRequest) -> RusotoFuture<(), DeleteAliasError>; /// <p>Deletes key material that you previously imported. This operation makes the specified customer master key (CMK) unusable. For more information about importing key material into AWS KMS, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys.html">Importing Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>. You cannot perform this operation on a CMK in a different AWS account.</p> <p>When the specified CMK is in the <code>PendingDeletion</code> state, this operation does not change the CMK's state. Otherwise, it changes the CMK's state to <code>PendingImport</code>.</p> <p>After you delete key material, you can use <a>ImportKeyMaterial</a> to reimport the same key material into the CMK.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn delete_imported_key_material( &self, input: DeleteImportedKeyMaterialRequest, ) -> RusotoFuture<(), DeleteImportedKeyMaterialError>; /// <p>Provides detailed information about the specified customer master key (CMK).</p> <p>You can use <code>DescribeKey</code> on a predefined AWS alias, that is, an AWS alias with no key ID. When you do, AWS KMS associates the alias with an <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#master_keys">AWS managed CMK</a> and returns its <code>KeyId</code> and <code>Arn</code> in the response.</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> fn describe_key( &self, input: DescribeKeyRequest, ) -> RusotoFuture<DescribeKeyResponse, DescribeKeyError>; /// <p>Sets the state of a customer master key (CMK) to disabled, thereby preventing its use for cryptographic operations. You cannot perform this operation on a CMK in a different AWS account.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects the Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn disable_key(&self, input: DisableKeyRequest) -> RusotoFuture<(), DisableKeyError>; /// <p>Disables <a href="http://docs.aws.amazon.com/kms/latest/developerguide/rotate-keys.html">automatic rotation of the key material</a> for the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn disable_key_rotation( &self, input: DisableKeyRotationRequest, ) -> RusotoFuture<(), DisableKeyRotationError>; /// <p>Sets the state of a customer master key (CMK) to enabled, thereby permitting its use for cryptographic operations. You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn enable_key(&self, input: EnableKeyRequest) -> RusotoFuture<(), EnableKeyError>; /// <p>Enables <a href="http://docs.aws.amazon.com/kms/latest/developerguide/rotate-keys.html">automatic rotation of the key material</a> for the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn enable_key_rotation( &self, input: EnableKeyRotationRequest, ) -> RusotoFuture<(), EnableKeyRotationError>; /// <p>Encrypts plaintext into ciphertext by using a customer master key (CMK). The <code>Encrypt</code> operation has two primary use cases:</p> <ul> <li> <p>You can encrypt up to 4 kilobytes (4096 bytes) of arbitrary data such as an RSA key, a database password, or other sensitive information.</p> </li> <li> <p>You can use the <code>Encrypt</code> operation to move encrypted data from one AWS region to another. In the first region, generate a data key and use the plaintext key to encrypt the data. Then, in the new region, call the <code>Encrypt</code> method on same plaintext data key. Now, you can safely move the encrypted data and encrypted data key to the new region, and decrypt in the new region when necessary.</p> </li> </ul> <p>You don't need use this operation to encrypt a data key within a region. The <a>GenerateDataKey</a> and <a>GenerateDataKeyWithoutPlaintext</a> operations return an encrypted data key.</p> <p>Also, you don't need to use this operation to encrypt data in your application. You can use the plaintext and encrypted data keys that the <code>GenerateDataKey</code> operation returns.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> fn encrypt(&self, input: EncryptRequest) -> RusotoFuture<EncryptResponse, EncryptError>; /// <p>Returns a data encryption key that you can use in your application to encrypt data locally. </p> <p>You must specify the customer master key (CMK) under which to generate the data key. You must also specify the length of the data key using either the <code>KeySpec</code> or <code>NumberOfBytes</code> field. You must specify one field or the other, but not both. For common key lengths (128-bit and 256-bit symmetric keys), we recommend that you use <code>KeySpec</code>. To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> <p>This operation returns a plaintext copy of the data key in the <code>Plaintext</code> field of the response, and an encrypted copy of the data key in the <code>CiphertextBlob</code> field. The data key is encrypted under the CMK specified in the <code>KeyId</code> field of the request. </p> <p>We recommend that you use the following pattern to encrypt data locally in your application:</p> <ol> <li> <p>Use this operation (<code>GenerateDataKey</code>) to get a data encryption key.</p> </li> <li> <p>Use the plaintext data encryption key (returned in the <code>Plaintext</code> field of the response) to encrypt data locally, then erase the plaintext data key from memory.</p> </li> <li> <p>Store the encrypted data key (returned in the <code>CiphertextBlob</code> field of the response) alongside the locally encrypted data.</p> </li> </ol> <p>To decrypt data locally:</p> <ol> <li> <p>Use the <a>Decrypt</a> operation to decrypt the encrypted data key into a plaintext copy of the data key.</p> </li> <li> <p>Use the plaintext data key to decrypt data locally, then erase the plaintext data key from memory.</p> </li> </ol> <p>To return only an encrypted copy of the data key, use <a>GenerateDataKeyWithoutPlaintext</a>. To return a random byte string that is cryptographically secure, use <a>GenerateRandom</a>.</p> <p>If you use the optional <code>EncryptionContext</code> field, you must store at least enough information to be able to reconstruct the full encryption context when you later send the ciphertext to the <a>Decrypt</a> operation. It is a good practice to choose an encryption context that you can reconstruct on the fly to better secure the ciphertext. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn generate_data_key( &self, input: GenerateDataKeyRequest, ) -> RusotoFuture<GenerateDataKeyResponse, GenerateDataKeyError>; /// <p>Returns a data encryption key encrypted under a customer master key (CMK). This operation is identical to <a>GenerateDataKey</a> but returns only the encrypted copy of the data key. </p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> <p>This operation is useful in a system that has multiple components with different degrees of trust. For example, consider a system that stores encrypted data in containers. Each container stores the encrypted data and an encrypted copy of the data key. One component of the system, called the <i>control plane</i>, creates new containers. When it creates a new container, it uses this operation (<code>GenerateDataKeyWithoutPlaintext</code>) to get an encrypted data key and then stores it in the container. Later, a different component of the system, called the <i>data plane</i>, puts encrypted data into the containers. To do this, it passes the encrypted data key to the <a>Decrypt</a> operation. It then uses the returned plaintext data key to encrypt data and finally stores the encrypted data in the container. In this system, the control plane never sees the plaintext data key.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn generate_data_key_without_plaintext( &self, input: GenerateDataKeyWithoutPlaintextRequest, ) -> RusotoFuture<GenerateDataKeyWithoutPlaintextResponse, GenerateDataKeyWithoutPlaintextError>; /// <p>Returns a random byte string that is cryptographically secure.</p> <p>For more information about entropy and random number generation, see the <a href="https://d0.awsstatic.com/whitepapers/KMS-Cryptographic-Details.pdf">AWS Key Management Service Cryptographic Details</a> whitepaper.</p> fn generate_random( &self, input: GenerateRandomRequest, ) -> RusotoFuture<GenerateRandomResponse, GenerateRandomError>; /// <p>Gets a key policy attached to the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> fn get_key_policy( &self, input: GetKeyPolicyRequest, ) -> RusotoFuture<GetKeyPolicyResponse, GetKeyPolicyError>; /// <p>Gets a Boolean value that indicates whether <a href="http://docs.aws.amazon.com/kms/latest/developerguide/rotate-keys.html">automatic rotation of the key material</a> is enabled for the specified customer master key (CMK).</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <ul> <li> <p>Disabled: The key rotation status does not change when you disable a CMK. However, while the CMK is disabled, AWS KMS does not rotate the backing key.</p> </li> <li> <p>Pending deletion: While a CMK is pending deletion, its key rotation status is <code>false</code> and AWS KMS does not rotate the backing key. If you cancel the deletion, the original key rotation status is restored.</p> </li> </ul> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter.</p> fn get_key_rotation_status( &self, input: GetKeyRotationStatusRequest, ) -> RusotoFuture<GetKeyRotationStatusResponse, GetKeyRotationStatusError>; /// <p>Returns the items you need in order to import key material into AWS KMS from your existing key management infrastructure. For more information about importing key material into AWS KMS, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys.html">Importing Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>You must specify the key ID of the customer master key (CMK) into which you will import key material. This CMK's <code>Origin</code> must be <code>EXTERNAL</code>. You must also specify the wrapping algorithm and type of wrapping key (public key) that you will use to encrypt the key material. You cannot perform this operation on a CMK in a different AWS account.</p> <p>This operation returns a public key and an import token. Use the public key to encrypt the key material. Store the import token to send with a subsequent <a>ImportKeyMaterial</a> request. The public key and import token from the same response must be used together. These items are valid for 24 hours. When they expire, they cannot be used for a subsequent <a>ImportKeyMaterial</a> request. To get new ones, send another <code>GetParametersForImport</code> request.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn get_parameters_for_import( &self, input: GetParametersForImportRequest, ) -> RusotoFuture<GetParametersForImportResponse, GetParametersForImportError>; /// <p>Imports key material into an existing AWS KMS customer master key (CMK) that was created without key material. You cannot perform this operation on a CMK in a different AWS account. For more information about creating CMKs with no key material and then importing key material, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys.html">Importing Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>Before using this operation, call <a>GetParametersForImport</a>. Its response includes a public key and an import token. Use the public key to encrypt the key material. Then, submit the import token from the same <code>GetParametersForImport</code> response.</p> <p>When calling this operation, you must specify the following values:</p> <ul> <li> <p>The key ID or key ARN of a CMK with no key material. Its <code>Origin</code> must be <code>EXTERNAL</code>.</p> <p>To create a CMK with no key material, call <a>CreateKey</a> and set the value of its <code>Origin</code> parameter to <code>EXTERNAL</code>. To get the <code>Origin</code> of a CMK, call <a>DescribeKey</a>.)</p> </li> <li> <p>The encrypted key material. To get the public key to encrypt the key material, call <a>GetParametersForImport</a>.</p> </li> <li> <p>The import token that <a>GetParametersForImport</a> returned. This token and the public key used to encrypt the key material must have come from the same response.</p> </li> <li> <p>Whether the key material expires and if so, when. If you set an expiration date, you can change it only by reimporting the same key material and specifying a new expiration date. If the key material expires, AWS KMS deletes the key material and the CMK becomes unusable. To use the CMK again, you must reimport the same key material.</p> </li> </ul> <p>When this operation is successful, the CMK's key state changes from <code>PendingImport</code> to <code>Enabled</code>, and you can use the CMK. After you successfully import key material into a CMK, you can reimport the same key material into that CMK, but you cannot import different key material.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn import_key_material( &self, input: ImportKeyMaterialRequest, ) -> RusotoFuture<ImportKeyMaterialResponse, ImportKeyMaterialError>; /// <p>Gets a list of aliases in the caller's AWS account and region. You cannot list aliases in other accounts. For more information about aliases, see <a>CreateAlias</a>.</p> <p>By default, the ListAliases command returns all aliases in the account and region. To get only the aliases that point to a particular customer master key (CMK), use the <code>KeyId</code> parameter.</p> <p>The <code>ListAliases</code> response can include aliases that you created and associated with your customer managed CMKs, and aliases that AWS created and associated with AWS managed CMKs in your account. You can recognize AWS aliases because their names have the format <code>aws/&lt;service-name&gt;</code>, such as <code>aws/dynamodb</code>.</p> <p>The response might also include aliases that have no <code>TargetKeyId</code> field. These are predefined aliases that AWS has created but has not yet associated with a CMK. Aliases that AWS creates in your account, including predefined aliases, do not count against your <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html#aliases-limit">AWS KMS aliases limit</a>.</p> fn list_aliases( &self, input: ListAliasesRequest, ) -> RusotoFuture<ListAliasesResponse, ListAliasesError>; /// <p>Gets a list of all grants for the specified customer master key (CMK).</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter.</p> fn list_grants( &self, input: ListGrantsRequest, ) -> RusotoFuture<ListGrantsResponse, ListGrantsError>; /// <p>Gets the names of the key policies that are attached to a customer master key (CMK). This operation is designed to get policy names that you can use in a <a>GetKeyPolicy</a> operation. However, the only valid policy name is <code>default</code>. You cannot perform this operation on a CMK in a different AWS account.</p> fn list_key_policies( &self, input: ListKeyPoliciesRequest, ) -> RusotoFuture<ListKeyPoliciesResponse, ListKeyPoliciesError>; /// <p>Gets a list of all customer master keys (CMKs) in the caller's AWS account and region.</p> fn list_keys(&self, input: ListKeysRequest) -> RusotoFuture<ListKeysResponse, ListKeysError>; /// <p>Returns a list of all tags for the specified customer master key (CMK).</p> <p>You cannot perform this operation on a CMK in a different AWS account.</p> fn list_resource_tags( &self, input: ListResourceTagsRequest, ) -> RusotoFuture<ListResourceTagsResponse, ListResourceTagsError>; /// <p>Returns a list of all grants for which the grant's <code>RetiringPrincipal</code> matches the one specified.</p> <p>A typical use is to list all grants that you are able to retire. To retire a grant, use <a>RetireGrant</a>.</p> fn list_retirable_grants( &self, input: ListRetirableGrantsRequest, ) -> RusotoFuture<ListGrantsResponse, ListRetirableGrantsError>; /// <p>Attaches a key policy to the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>For more information about key policies, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html">Key Policies</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn put_key_policy(&self, input: PutKeyPolicyRequest) -> RusotoFuture<(), PutKeyPolicyError>; /// <p>Encrypts data on the server side with a new customer master key (CMK) without exposing the plaintext of the data on the client side. The data is first decrypted and then reencrypted. You can also use this operation to change the encryption context of a ciphertext. </p> <p>You can reencrypt data using CMKs in different AWS accounts.</p> <p>Unlike other operations, <code>ReEncrypt</code> is authorized twice, once as <code>ReEncryptFrom</code> on the source CMK and once as <code>ReEncryptTo</code> on the destination CMK. We recommend that you include the <code>"kms:ReEncrypt*"</code> permission in your <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html">key policies</a> to permit reencryption from or to the CMK. This permission is automatically included in the key policy when you create a CMK through the console. But you must include it manually when you create a CMK programmatically or when you set a key policy with the <a>PutKeyPolicy</a> operation.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn re_encrypt( &self, input: ReEncryptRequest, ) -> RusotoFuture<ReEncryptResponse, ReEncryptError>; /// <p>Retires a grant. To clean up, you can retire a grant when you're done using it. You should revoke a grant when you intend to actively deny operations that depend on it. The following are permitted to call this API:</p> <ul> <li> <p>The AWS account (root user) under which the grant was created</p> </li> <li> <p>The <code>RetiringPrincipal</code>, if present in the grant</p> </li> <li> <p>The <code>GranteePrincipal</code>, if <code>RetireGrant</code> is an operation specified in the grant</p> </li> </ul> <p>You must identify the grant to retire by its grant token or by a combination of the grant ID and the Amazon Resource Name (ARN) of the customer master key (CMK). A grant token is a unique variable-length base64-encoded string. A grant ID is a 64 character unique identifier of a grant. The <a>CreateGrant</a> operation returns both.</p> fn retire_grant(&self, input: RetireGrantRequest) -> RusotoFuture<(), RetireGrantError>; /// <p>Revokes the specified grant for the specified customer master key (CMK). You can revoke a grant to actively deny operations that depend on it.</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter.</p> fn revoke_grant(&self, input: RevokeGrantRequest) -> RusotoFuture<(), RevokeGrantError>; /// <p>Schedules the deletion of a customer master key (CMK). You may provide a waiting period, specified in days, before deletion occurs. If you do not provide a waiting period, the default period of 30 days is used. When this operation is successful, the state of the CMK changes to <code>PendingDeletion</code>. Before the waiting period ends, you can use <a>CancelKeyDeletion</a> to cancel the deletion of the CMK. After the waiting period ends, AWS KMS deletes the CMK and all AWS KMS data associated with it, including all aliases that refer to it.</p> <p>You cannot perform this operation on a CMK in a different AWS account.</p> <important> <p>Deleting a CMK is a destructive and potentially dangerous operation. When a CMK is deleted, all data that was encrypted under the CMK is rendered unrecoverable. To restrict the use of a CMK without deleting it, use <a>DisableKey</a>.</p> </important> <p>For more information about scheduling a CMK for deletion, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/deleting-keys.html">Deleting Customer Master Keys</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn schedule_key_deletion( &self, input: ScheduleKeyDeletionRequest, ) -> RusotoFuture<ScheduleKeyDeletionResponse, ScheduleKeyDeletionError>; /// <p>Adds or edits tags for a customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>Each tag consists of a tag key and a tag value. Tag keys and tag values are both required, but tag values can be empty (null) strings.</p> <p>You can only use a tag key once for each CMK. If you use the tag key again, AWS KMS replaces the current tag value with the specified value.</p> <p>For information about the rules that apply to tag keys and tag values, see <a href="http://docs.aws.amazon.com/awsaccountbilling/latest/aboutv2/allocation-tag-restrictions.html">User-Defined Tag Restrictions</a> in the <i>AWS Billing and Cost Management User Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn tag_resource(&self, input: TagResourceRequest) -> RusotoFuture<(), TagResourceError>; /// <p>Removes the specified tags from the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>To remove a tag, specify the tag key. To change the tag value of an existing tag key, use <a>TagResource</a>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn untag_resource(&self, input: UntagResourceRequest) -> RusotoFuture<(), UntagResourceError>; /// <p>Associates an existing alias with a different customer master key (CMK). Each CMK can have multiple aliases, but the aliases must be unique within the account and region. You cannot perform this operation on an alias in a different AWS account.</p> <p>This operation works only on existing aliases. To change the alias of a CMK to a new value, use <a>CreateAlias</a> to create a new alias and <a>DeleteAlias</a> to delete the old alias.</p> <p>Because an alias is not a property of a CMK, you can create, update, and delete the aliases of a CMK without affecting the CMK. Also, aliases do not appear in the response from the <a>DescribeKey</a> operation. To get the aliases of all CMKs in the account, use the <a>ListAliases</a> operation. </p> <p>An alias name can contain only alphanumeric characters, forward slashes (/), underscores (_), and dashes (-). An alias must start with the word <code>alias</code> followed by a forward slash (<code>alias/</code>). The alias name can contain only alphanumeric characters, forward slashes (/), underscores (_), and dashes (-). Alias names cannot begin with <code>aws</code>; that alias name prefix is reserved by Amazon Web Services (AWS).</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn update_alias(&self, input: UpdateAliasRequest) -> RusotoFuture<(), UpdateAliasError>; /// <p>Updates the description of a customer master key (CMK). To see the description of a CMK, use <a>DescribeKey</a>. </p> <p>You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn update_key_description( &self, input: UpdateKeyDescriptionRequest, ) -> RusotoFuture<(), UpdateKeyDescriptionError>; } /// A client for the KMS API. pub struct KmsClient { client: Client, region: region::Region, } impl KmsClient { /// Creates a client backed by the default tokio event loop. /// /// The client will use the default credentials provider and tls client. pub fn new(region: region::Region) -> KmsClient { KmsClient { client: Client::shared(), region: region, } } pub fn new_with<P, D>( request_dispatcher: D, credentials_provider: P, region: region::Region, ) -> KmsClient where P: ProvideAwsCredentials + Send + Sync + 'static, P::Future: Send, D: DispatchSignedRequest + Send + Sync + 'static, D::Future: Send, { KmsClient { client: Client::new_with(credentials_provider, request_dispatcher), region: region, } } } impl Kms for KmsClient { /// <p>Cancels the deletion of a customer master key (CMK). When this operation is successful, the CMK is set to the <code>Disabled</code> state. To enable a CMK, use <a>EnableKey</a>. You cannot perform this operation on a CMK in a different AWS account.</p> <p>For more information about scheduling and canceling deletion of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/deleting-keys.html">Deleting Customer Master Keys</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn cancel_key_deletion( &self, input: CancelKeyDeletionRequest, ) -> RusotoFuture<CancelKeyDeletionResponse, CancelKeyDeletionError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.CancelKeyDeletion"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<CancelKeyDeletionResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(CancelKeyDeletionError::from_response(response))), ) } }) } /// <p>Creates a display name for a customer-managed customer master key (CMK). You can use an alias to identify a CMK in selected operations, such as <a>Encrypt</a> and <a>GenerateDataKey</a>. </p> <p>Each CMK can have multiple aliases, but each alias points to only one CMK. The alias name must be unique in the AWS account and region. To simplify code that runs in multiple regions, use the same alias name, but point it to a different CMK in each region. </p> <p>Because an alias is not a property of a CMK, you can delete and change the aliases of a CMK without affecting the CMK. Also, aliases do not appear in the response from the <a>DescribeKey</a> operation. To get the aliases of all CMKs, use the <a>ListAliases</a> operation.</p> <p>The alias name can contain only alphanumeric characters, forward slashes (/), underscores (_), and dashes (-). Alias names cannot begin with <b>aws/</b>. That alias name prefix is reserved for AWS managed CMKs.</p> <p>The alias and the CMK it is mapped to must be in the same AWS account and the same region. You cannot perform this operation on an alias in a different AWS account.</p> <p>To map an existing alias to a different CMK, call <a>UpdateAlias</a>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn create_alias(&self, input: CreateAliasRequest) -> RusotoFuture<(), CreateAliasError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.CreateAlias"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(CreateAliasError::from_response(response))), ) } }) } /// <p>Adds a grant to a customer master key (CMK). The grant specifies who can use the CMK and under what conditions. When setting permissions, grants are an alternative to key policies. </p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter. For more information about grants, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/grants.html">Grants</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn create_grant( &self, input: CreateGrantRequest, ) -> RusotoFuture<CreateGrantResponse, CreateGrantError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.CreateGrant"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<CreateGrantResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(CreateGrantError::from_response(response))), ) } }) } /// <p>Creates a customer master key (CMK) in the caller's AWS account.</p> <p>You can use a CMK to encrypt small amounts of data (4 KiB or less) directly. But CMKs are more commonly used to encrypt data encryption keys (DEKs), which are used to encrypt raw data. For more information about DEKs and the difference between CMKs and DEKs, see the following:</p> <ul> <li> <p>The <a>GenerateDataKey</a> operation</p> </li> <li> <p> <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html">AWS Key Management Service Concepts</a> in the <i>AWS Key Management Service Developer Guide</i> </p> </li> </ul> <p>You cannot use this operation to create a CMK in a different AWS account.</p> fn create_key( &self, input: CreateKeyRequest, ) -> RusotoFuture<CreateKeyResponse, CreateKeyError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.CreateKey"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<CreateKeyResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(CreateKeyError::from_response(response))), ) } }) } /// <p>Decrypts ciphertext. Ciphertext is plaintext that has been previously encrypted by using any of the following operations:</p> <ul> <li> <p> <a>GenerateDataKey</a> </p> </li> <li> <p> <a>GenerateDataKeyWithoutPlaintext</a> </p> </li> <li> <p> <a>Encrypt</a> </p> </li> </ul> <p>Whenever possible, use key policies to give users permission to call the Decrypt operation on the CMK, instead of IAM policies. Otherwise, you might create an IAM user policy that gives the user Decrypt permission on all CMKs. This user could decrypt ciphertext that was encrypted by CMKs in other accounts if the key policy for the cross-account CMK permits it. If you must use an IAM policy for <code>Decrypt</code> permissions, limit the user to particular CMKs or particular trusted accounts.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn decrypt(&self, input: DecryptRequest) -> RusotoFuture<DecryptResponse, DecryptError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.Decrypt"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<DecryptResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(DecryptError::from_response(response))), ) } }) } /// <p>Deletes the specified alias. You cannot perform this operation on an alias in a different AWS account. </p> <p>Because an alias is not a property of a CMK, you can delete and change the aliases of a CMK without affecting the CMK. Also, aliases do not appear in the response from the <a>DescribeKey</a> operation. To get the aliases of all CMKs, use the <a>ListAliases</a> operation. </p> <p>Each CMK can have multiple aliases. To change the alias of a CMK, use <a>DeleteAlias</a> to delete the current alias and <a>CreateAlias</a> to create a new alias. To associate an existing alias with a different customer master key (CMK), call <a>UpdateAlias</a>.</p> fn delete_alias(&self, input: DeleteAliasRequest) -> RusotoFuture<(), DeleteAliasError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.DeleteAlias"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(DeleteAliasError::from_response(response))), ) } }) } /// <p>Deletes key material that you previously imported. This operation makes the specified customer master key (CMK) unusable. For more information about importing key material into AWS KMS, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys.html">Importing Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>. You cannot perform this operation on a CMK in a different AWS account.</p> <p>When the specified CMK is in the <code>PendingDeletion</code> state, this operation does not change the CMK's state. Otherwise, it changes the CMK's state to <code>PendingImport</code>.</p> <p>After you delete key material, you can use <a>ImportKeyMaterial</a> to reimport the same key material into the CMK.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn delete_imported_key_material( &self, input: DeleteImportedKeyMaterialRequest, ) -> RusotoFuture<(), DeleteImportedKeyMaterialError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.DeleteImportedKeyMaterial"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new(response.buffer().from_err().and_then(|response| { Err(DeleteImportedKeyMaterialError::from_response(response)) })) } }) } /// <p>Provides detailed information about the specified customer master key (CMK).</p> <p>You can use <code>DescribeKey</code> on a predefined AWS alias, that is, an AWS alias with no key ID. When you do, AWS KMS associates the alias with an <a href="http://docs.aws.amazon.com/kms/latest/developerguide/concepts.html#master_keys">AWS managed CMK</a> and returns its <code>KeyId</code> and <code>Arn</code> in the response.</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> fn describe_key( &self, input: DescribeKeyRequest, ) -> RusotoFuture<DescribeKeyResponse, DescribeKeyError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.DescribeKey"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<DescribeKeyResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(DescribeKeyError::from_response(response))), ) } }) } /// <p>Sets the state of a customer master key (CMK) to disabled, thereby preventing its use for cryptographic operations. You cannot perform this operation on a CMK in a different AWS account.</p> <p>For more information about how key state affects the use of a CMK, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects the Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn disable_key(&self, input: DisableKeyRequest) -> RusotoFuture<(), DisableKeyError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.DisableKey"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(DisableKeyError::from_response(response))), ) } }) } /// <p>Disables <a href="http://docs.aws.amazon.com/kms/latest/developerguide/rotate-keys.html">automatic rotation of the key material</a> for the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn disable_key_rotation( &self, input: DisableKeyRotationRequest, ) -> RusotoFuture<(), DisableKeyRotationError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.DisableKeyRotation"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(DisableKeyRotationError::from_response(response))), ) } }) } /// <p>Sets the state of a customer master key (CMK) to enabled, thereby permitting its use for cryptographic operations. You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn enable_key(&self, input: EnableKeyRequest) -> RusotoFuture<(), EnableKeyError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.EnableKey"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(EnableKeyError::from_response(response))), ) } }) } /// <p>Enables <a href="http://docs.aws.amazon.com/kms/latest/developerguide/rotate-keys.html">automatic rotation of the key material</a> for the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn enable_key_rotation( &self, input: EnableKeyRotationRequest, ) -> RusotoFuture<(), EnableKeyRotationError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.EnableKeyRotation"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(EnableKeyRotationError::from_response(response))), ) } }) } /// <p>Encrypts plaintext into ciphertext by using a customer master key (CMK). The <code>Encrypt</code> operation has two primary use cases:</p> <ul> <li> <p>You can encrypt up to 4 kilobytes (4096 bytes) of arbitrary data such as an RSA key, a database password, or other sensitive information.</p> </li> <li> <p>You can use the <code>Encrypt</code> operation to move encrypted data from one AWS region to another. In the first region, generate a data key and use the plaintext key to encrypt the data. Then, in the new region, call the <code>Encrypt</code> method on same plaintext data key. Now, you can safely move the encrypted data and encrypted data key to the new region, and decrypt in the new region when necessary.</p> </li> </ul> <p>You don't need use this operation to encrypt a data key within a region. The <a>GenerateDataKey</a> and <a>GenerateDataKeyWithoutPlaintext</a> operations return an encrypted data key.</p> <p>Also, you don't need to use this operation to encrypt data in your application. You can use the plaintext and encrypted data keys that the <code>GenerateDataKey</code> operation returns.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> fn encrypt(&self, input: EncryptRequest) -> RusotoFuture<EncryptResponse, EncryptError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.Encrypt"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<EncryptResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(EncryptError::from_response(response))), ) } }) } /// <p>Returns a data encryption key that you can use in your application to encrypt data locally. </p> <p>You must specify the customer master key (CMK) under which to generate the data key. You must also specify the length of the data key using either the <code>KeySpec</code> or <code>NumberOfBytes</code> field. You must specify one field or the other, but not both. For common key lengths (128-bit and 256-bit symmetric keys), we recommend that you use <code>KeySpec</code>. To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> <p>This operation returns a plaintext copy of the data key in the <code>Plaintext</code> field of the response, and an encrypted copy of the data key in the <code>CiphertextBlob</code> field. The data key is encrypted under the CMK specified in the <code>KeyId</code> field of the request. </p> <p>We recommend that you use the following pattern to encrypt data locally in your application:</p> <ol> <li> <p>Use this operation (<code>GenerateDataKey</code>) to get a data encryption key.</p> </li> <li> <p>Use the plaintext data encryption key (returned in the <code>Plaintext</code> field of the response) to encrypt data locally, then erase the plaintext data key from memory.</p> </li> <li> <p>Store the encrypted data key (returned in the <code>CiphertextBlob</code> field of the response) alongside the locally encrypted data.</p> </li> </ol> <p>To decrypt data locally:</p> <ol> <li> <p>Use the <a>Decrypt</a> operation to decrypt the encrypted data key into a plaintext copy of the data key.</p> </li> <li> <p>Use the plaintext data key to decrypt data locally, then erase the plaintext data key from memory.</p> </li> </ol> <p>To return only an encrypted copy of the data key, use <a>GenerateDataKeyWithoutPlaintext</a>. To return a random byte string that is cryptographically secure, use <a>GenerateRandom</a>.</p> <p>If you use the optional <code>EncryptionContext</code> field, you must store at least enough information to be able to reconstruct the full encryption context when you later send the ciphertext to the <a>Decrypt</a> operation. It is a good practice to choose an encryption context that you can reconstruct on the fly to better secure the ciphertext. For more information, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/encryption-context.html">Encryption Context</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn generate_data_key( &self, input: GenerateDataKeyRequest, ) -> RusotoFuture<GenerateDataKeyResponse, GenerateDataKeyError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.GenerateDataKey"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<GenerateDataKeyResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(GenerateDataKeyError::from_response(response))), ) } }) } /// <p>Returns a data encryption key encrypted under a customer master key (CMK). This operation is identical to <a>GenerateDataKey</a> but returns only the encrypted copy of the data key. </p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN or alias ARN in the value of the KeyId parameter.</p> <p>This operation is useful in a system that has multiple components with different degrees of trust. For example, consider a system that stores encrypted data in containers. Each container stores the encrypted data and an encrypted copy of the data key. One component of the system, called the <i>control plane</i>, creates new containers. When it creates a new container, it uses this operation (<code>GenerateDataKeyWithoutPlaintext</code>) to get an encrypted data key and then stores it in the container. Later, a different component of the system, called the <i>data plane</i>, puts encrypted data into the containers. To do this, it passes the encrypted data key to the <a>Decrypt</a> operation. It then uses the returned plaintext data key to encrypt data and finally stores the encrypted data in the container. In this system, the control plane never sees the plaintext data key.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn generate_data_key_without_plaintext( &self, input: GenerateDataKeyWithoutPlaintextRequest, ) -> RusotoFuture<GenerateDataKeyWithoutPlaintextResponse, GenerateDataKeyWithoutPlaintextError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header( "x-amz-target", "TrentService.GenerateDataKeyWithoutPlaintext", ); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<GenerateDataKeyWithoutPlaintextResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new(response.buffer().from_err().and_then(|response| { Err(GenerateDataKeyWithoutPlaintextError::from_response( response, )) })) } }) } /// <p>Returns a random byte string that is cryptographically secure.</p> <p>For more information about entropy and random number generation, see the <a href="https://d0.awsstatic.com/whitepapers/KMS-Cryptographic-Details.pdf">AWS Key Management Service Cryptographic Details</a> whitepaper.</p> fn generate_random( &self, input: GenerateRandomRequest, ) -> RusotoFuture<GenerateRandomResponse, GenerateRandomError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.GenerateRandom"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<GenerateRandomResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(GenerateRandomError::from_response(response))), ) } }) } /// <p>Gets a key policy attached to the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> fn get_key_policy( &self, input: GetKeyPolicyRequest, ) -> RusotoFuture<GetKeyPolicyResponse, GetKeyPolicyError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.GetKeyPolicy"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<GetKeyPolicyResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(GetKeyPolicyError::from_response(response))), ) } }) } /// <p>Gets a Boolean value that indicates whether <a href="http://docs.aws.amazon.com/kms/latest/developerguide/rotate-keys.html">automatic rotation of the key material</a> is enabled for the specified customer master key (CMK).</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <ul> <li> <p>Disabled: The key rotation status does not change when you disable a CMK. However, while the CMK is disabled, AWS KMS does not rotate the backing key.</p> </li> <li> <p>Pending deletion: While a CMK is pending deletion, its key rotation status is <code>false</code> and AWS KMS does not rotate the backing key. If you cancel the deletion, the original key rotation status is restored.</p> </li> </ul> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter.</p> fn get_key_rotation_status( &self, input: GetKeyRotationStatusRequest, ) -> RusotoFuture<GetKeyRotationStatusResponse, GetKeyRotationStatusError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.GetKeyRotationStatus"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<GetKeyRotationStatusResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response.buffer().from_err().and_then(|response| { Err(GetKeyRotationStatusError::from_response(response)) }), ) } }) } /// <p>Returns the items you need in order to import key material into AWS KMS from your existing key management infrastructure. For more information about importing key material into AWS KMS, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys.html">Importing Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>You must specify the key ID of the customer master key (CMK) into which you will import key material. This CMK's <code>Origin</code> must be <code>EXTERNAL</code>. You must also specify the wrapping algorithm and type of wrapping key (public key) that you will use to encrypt the key material. You cannot perform this operation on a CMK in a different AWS account.</p> <p>This operation returns a public key and an import token. Use the public key to encrypt the key material. Store the import token to send with a subsequent <a>ImportKeyMaterial</a> request. The public key and import token from the same response must be used together. These items are valid for 24 hours. When they expire, they cannot be used for a subsequent <a>ImportKeyMaterial</a> request. To get new ones, send another <code>GetParametersForImport</code> request.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn get_parameters_for_import( &self, input: GetParametersForImportRequest, ) -> RusotoFuture<GetParametersForImportResponse, GetParametersForImportError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.GetParametersForImport"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<GetParametersForImportResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response.buffer().from_err().and_then(|response| { Err(GetParametersForImportError::from_response(response)) }), ) } }) } /// <p>Imports key material into an existing AWS KMS customer master key (CMK) that was created without key material. You cannot perform this operation on a CMK in a different AWS account. For more information about creating CMKs with no key material and then importing key material, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/importing-keys.html">Importing Key Material</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>Before using this operation, call <a>GetParametersForImport</a>. Its response includes a public key and an import token. Use the public key to encrypt the key material. Then, submit the import token from the same <code>GetParametersForImport</code> response.</p> <p>When calling this operation, you must specify the following values:</p> <ul> <li> <p>The key ID or key ARN of a CMK with no key material. Its <code>Origin</code> must be <code>EXTERNAL</code>.</p> <p>To create a CMK with no key material, call <a>CreateKey</a> and set the value of its <code>Origin</code> parameter to <code>EXTERNAL</code>. To get the <code>Origin</code> of a CMK, call <a>DescribeKey</a>.)</p> </li> <li> <p>The encrypted key material. To get the public key to encrypt the key material, call <a>GetParametersForImport</a>.</p> </li> <li> <p>The import token that <a>GetParametersForImport</a> returned. This token and the public key used to encrypt the key material must have come from the same response.</p> </li> <li> <p>Whether the key material expires and if so, when. If you set an expiration date, you can change it only by reimporting the same key material and specifying a new expiration date. If the key material expires, AWS KMS deletes the key material and the CMK becomes unusable. To use the CMK again, you must reimport the same key material.</p> </li> </ul> <p>When this operation is successful, the CMK's key state changes from <code>PendingImport</code> to <code>Enabled</code>, and you can use the CMK. After you successfully import key material into a CMK, you can reimport the same key material into that CMK, but you cannot import different key material.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn import_key_material( &self, input: ImportKeyMaterialRequest, ) -> RusotoFuture<ImportKeyMaterialResponse, ImportKeyMaterialError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ImportKeyMaterial"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ImportKeyMaterialResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(ImportKeyMaterialError::from_response(response))), ) } }) } /// <p>Gets a list of aliases in the caller's AWS account and region. You cannot list aliases in other accounts. For more information about aliases, see <a>CreateAlias</a>.</p> <p>By default, the ListAliases command returns all aliases in the account and region. To get only the aliases that point to a particular customer master key (CMK), use the <code>KeyId</code> parameter.</p> <p>The <code>ListAliases</code> response can include aliases that you created and associated with your customer managed CMKs, and aliases that AWS created and associated with AWS managed CMKs in your account. You can recognize AWS aliases because their names have the format <code>aws/&lt;service-name&gt;</code>, such as <code>aws/dynamodb</code>.</p> <p>The response might also include aliases that have no <code>TargetKeyId</code> field. These are predefined aliases that AWS has created but has not yet associated with a CMK. Aliases that AWS creates in your account, including predefined aliases, do not count against your <a href="http://docs.aws.amazon.com/kms/latest/developerguide/limits.html#aliases-limit">AWS KMS aliases limit</a>.</p> fn list_aliases( &self, input: ListAliasesRequest, ) -> RusotoFuture<ListAliasesResponse, ListAliasesError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ListAliases"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ListAliasesResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(ListAliasesError::from_response(response))), ) } }) } /// <p>Gets a list of all grants for the specified customer master key (CMK).</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter.</p> fn list_grants( &self, input: ListGrantsRequest, ) -> RusotoFuture<ListGrantsResponse, ListGrantsError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ListGrants"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ListGrantsResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(ListGrantsError::from_response(response))), ) } }) } /// <p>Gets the names of the key policies that are attached to a customer master key (CMK). This operation is designed to get policy names that you can use in a <a>GetKeyPolicy</a> operation. However, the only valid policy name is <code>default</code>. You cannot perform this operation on a CMK in a different AWS account.</p> fn list_key_policies( &self, input: ListKeyPoliciesRequest, ) -> RusotoFuture<ListKeyPoliciesResponse, ListKeyPoliciesError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ListKeyPolicies"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ListKeyPoliciesResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(ListKeyPoliciesError::from_response(response))), ) } }) } /// <p>Gets a list of all customer master keys (CMKs) in the caller's AWS account and region.</p> fn list_keys(&self, input: ListKeysRequest) -> RusotoFuture<ListKeysResponse, ListKeysError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ListKeys"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ListKeysResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(ListKeysError::from_response(response))), ) } }) } /// <p>Returns a list of all tags for the specified customer master key (CMK).</p> <p>You cannot perform this operation on a CMK in a different AWS account.</p> fn list_resource_tags( &self, input: ListResourceTagsRequest, ) -> RusotoFuture<ListResourceTagsResponse, ListResourceTagsError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ListResourceTags"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ListResourceTagsResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(ListResourceTagsError::from_response(response))), ) } }) } /// <p>Returns a list of all grants for which the grant's <code>RetiringPrincipal</code> matches the one specified.</p> <p>A typical use is to list all grants that you are able to retire. To retire a grant, use <a>RetireGrant</a>.</p> fn list_retirable_grants( &self, input: ListRetirableGrantsRequest, ) -> RusotoFuture<ListGrantsResponse, ListRetirableGrantsError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ListRetirableGrants"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ListGrantsResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response.buffer().from_err().and_then(|response| { Err(ListRetirableGrantsError::from_response(response)) }), ) } }) } /// <p>Attaches a key policy to the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>For more information about key policies, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html">Key Policies</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn put_key_policy(&self, input: PutKeyPolicyRequest) -> RusotoFuture<(), PutKeyPolicyError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.PutKeyPolicy"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(PutKeyPolicyError::from_response(response))), ) } }) } /// <p>Encrypts data on the server side with a new customer master key (CMK) without exposing the plaintext of the data on the client side. The data is first decrypted and then reencrypted. You can also use this operation to change the encryption context of a ciphertext. </p> <p>You can reencrypt data using CMKs in different AWS accounts.</p> <p>Unlike other operations, <code>ReEncrypt</code> is authorized twice, once as <code>ReEncryptFrom</code> on the source CMK and once as <code>ReEncryptTo</code> on the destination CMK. We recommend that you include the <code>"kms:ReEncrypt*"</code> permission in your <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-policies.html">key policies</a> to permit reencryption from or to the CMK. This permission is automatically included in the key policy when you create a CMK through the console. But you must include it manually when you create a CMK programmatically or when you set a key policy with the <a>PutKeyPolicy</a> operation.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn re_encrypt( &self, input: ReEncryptRequest, ) -> RusotoFuture<ReEncryptResponse, ReEncryptError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ReEncrypt"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ReEncryptResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(ReEncryptError::from_response(response))), ) } }) } /// <p>Retires a grant. To clean up, you can retire a grant when you're done using it. You should revoke a grant when you intend to actively deny operations that depend on it. The following are permitted to call this API:</p> <ul> <li> <p>The AWS account (root user) under which the grant was created</p> </li> <li> <p>The <code>RetiringPrincipal</code>, if present in the grant</p> </li> <li> <p>The <code>GranteePrincipal</code>, if <code>RetireGrant</code> is an operation specified in the grant</p> </li> </ul> <p>You must identify the grant to retire by its grant token or by a combination of the grant ID and the Amazon Resource Name (ARN) of the customer master key (CMK). A grant token is a unique variable-length base64-encoded string. A grant ID is a 64 character unique identifier of a grant. The <a>CreateGrant</a> operation returns both.</p> fn retire_grant(&self, input: RetireGrantRequest) -> RusotoFuture<(), RetireGrantError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.RetireGrant"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(RetireGrantError::from_response(response))), ) } }) } /// <p>Revokes the specified grant for the specified customer master key (CMK). You can revoke a grant to actively deny operations that depend on it.</p> <p>To perform this operation on a CMK in a different AWS account, specify the key ARN in the value of the <code>KeyId</code> parameter.</p> fn revoke_grant(&self, input: RevokeGrantRequest) -> RusotoFuture<(), RevokeGrantError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.RevokeGrant"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(RevokeGrantError::from_response(response))), ) } }) } /// <p>Schedules the deletion of a customer master key (CMK). You may provide a waiting period, specified in days, before deletion occurs. If you do not provide a waiting period, the default period of 30 days is used. When this operation is successful, the state of the CMK changes to <code>PendingDeletion</code>. Before the waiting period ends, you can use <a>CancelKeyDeletion</a> to cancel the deletion of the CMK. After the waiting period ends, AWS KMS deletes the CMK and all AWS KMS data associated with it, including all aliases that refer to it.</p> <p>You cannot perform this operation on a CMK in a different AWS account.</p> <important> <p>Deleting a CMK is a destructive and potentially dangerous operation. When a CMK is deleted, all data that was encrypted under the CMK is rendered unrecoverable. To restrict the use of a CMK without deleting it, use <a>DisableKey</a>.</p> </important> <p>For more information about scheduling a CMK for deletion, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/deleting-keys.html">Deleting Customer Master Keys</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn schedule_key_deletion( &self, input: ScheduleKeyDeletionRequest, ) -> RusotoFuture<ScheduleKeyDeletionResponse, ScheduleKeyDeletionError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.ScheduleKeyDeletion"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(response.buffer().from_err().map(|response| { let mut body = response.body; if body.is_empty() || body == b"null" { body = b"{}".to_vec(); } serde_json::from_str::<ScheduleKeyDeletionResponse>( String::from_utf8_lossy(body.as_ref()).as_ref(), ) .unwrap() })) } else { Box::new( response.buffer().from_err().and_then(|response| { Err(ScheduleKeyDeletionError::from_response(response)) }), ) } }) } /// <p>Adds or edits tags for a customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>Each tag consists of a tag key and a tag value. Tag keys and tag values are both required, but tag values can be empty (null) strings.</p> <p>You can only use a tag key once for each CMK. If you use the tag key again, AWS KMS replaces the current tag value with the specified value.</p> <p>For information about the rules that apply to tag keys and tag values, see <a href="http://docs.aws.amazon.com/awsaccountbilling/latest/aboutv2/allocation-tag-restrictions.html">User-Defined Tag Restrictions</a> in the <i>AWS Billing and Cost Management User Guide</i>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn tag_resource(&self, input: TagResourceRequest) -> RusotoFuture<(), TagResourceError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.TagResource"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(TagResourceError::from_response(response))), ) } }) } /// <p>Removes the specified tags from the specified customer master key (CMK). You cannot perform this operation on a CMK in a different AWS account.</p> <p>To remove a tag, specify the tag key. To change the tag value of an existing tag key, use <a>TagResource</a>.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn untag_resource(&self, input: UntagResourceRequest) -> RusotoFuture<(), UntagResourceError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.UntagResource"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(UntagResourceError::from_response(response))), ) } }) } /// <p>Associates an existing alias with a different customer master key (CMK). Each CMK can have multiple aliases, but the aliases must be unique within the account and region. You cannot perform this operation on an alias in a different AWS account.</p> <p>This operation works only on existing aliases. To change the alias of a CMK to a new value, use <a>CreateAlias</a> to create a new alias and <a>DeleteAlias</a> to delete the old alias.</p> <p>Because an alias is not a property of a CMK, you can create, update, and delete the aliases of a CMK without affecting the CMK. Also, aliases do not appear in the response from the <a>DescribeKey</a> operation. To get the aliases of all CMKs in the account, use the <a>ListAliases</a> operation. </p> <p>An alias name can contain only alphanumeric characters, forward slashes (/), underscores (_), and dashes (-). An alias must start with the word <code>alias</code> followed by a forward slash (<code>alias/</code>). The alias name can contain only alphanumeric characters, forward slashes (/), underscores (_), and dashes (-). Alias names cannot begin with <code>aws</code>; that alias name prefix is reserved by Amazon Web Services (AWS).</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn update_alias(&self, input: UpdateAliasRequest) -> RusotoFuture<(), UpdateAliasError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.UpdateAlias"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response .buffer() .from_err() .and_then(|response| Err(UpdateAliasError::from_response(response))), ) } }) } /// <p>Updates the description of a customer master key (CMK). To see the description of a CMK, use <a>DescribeKey</a>. </p> <p>You cannot perform this operation on a CMK in a different AWS account.</p> <p>The result of this operation varies with the key state of the CMK. For details, see <a href="http://docs.aws.amazon.com/kms/latest/developerguide/key-state.html">How Key State Affects Use of a Customer Master Key</a> in the <i>AWS Key Management Service Developer Guide</i>.</p> fn update_key_description( &self, input: UpdateKeyDescriptionRequest, ) -> RusotoFuture<(), UpdateKeyDescriptionError> { let mut request = SignedRequest::new("POST", "kms", &self.region, "/"); request.set_content_type("application/x-amz-json-1.1".to_owned()); request.add_header("x-amz-target", "TrentService.UpdateKeyDescription"); let encoded = serde_json::to_string(&input).unwrap(); request.set_payload(Some(encoded.into_bytes())); self.client.sign_and_dispatch(request, |response| { if response.status.is_success() { Box::new(future::ok(::std::mem::drop(response))) } else { Box::new( response.buffer().from_err().and_then(|response| { Err(UpdateKeyDescriptionError::from_response(response)) }), ) } }) } } #[cfg(test)] mod protocol_tests {}
{ return ListResourceTagsError::InvalidArn(String::from(error_message)) }
stars.js
class
{ constructor(width, height, seed) { this.seed = seed; this.offX = 0; this.offY = 0; this.generate(width, height); } generate(width, height) { let stars = []; const scale = 0.1; const threshold = 0.9; // Set the seed noise.seed(this.seed); for (let x = 0; x < width; ++x) { for (let y = 0; y < height; ++y) { const posX = (x + this.offX) * scale; const posY = (y + this.offY) * scale; // Some pixels have stars on if (noise.simplex2(posX, posY) > threshold) { stars.push({ x: x, y: y, // Stars have a random size size: 1.4, }); } } } this.stars = stars; } offset(x, y) { this.offX = x; this.offY = y; } draw(context) { context.fillStyle = 'white'; this.stars.forEach((star) => { context.fillRect(star.x, star.y, star.size, star.size); }); } }
Stars
opaque_types.rs
use crate::infer::InferCtxtExt as _; use crate::traits::{self, PredicateObligation}; use rustc_data_structures::fx::FxHashMap; use rustc_data_structures::sync::Lrc; use rustc_hir as hir; use rustc_hir::def_id::{DefId, DefIdMap, LocalDefId}; use rustc_hir::Node; use rustc_infer::infer::error_reporting::unexpected_hidden_region_diagnostic; use rustc_infer::infer::free_regions::FreeRegionRelations; use rustc_infer::infer::type_variable::{TypeVariableOrigin, TypeVariableOriginKind}; use rustc_infer::infer::{self, InferCtxt, InferOk}; use rustc_middle::ty::fold::{BottomUpFolder, TypeFoldable, TypeFolder, TypeVisitor}; use rustc_middle::ty::subst::{GenericArg, GenericArgKind, InternalSubsts, SubstsRef}; use rustc_middle::ty::{self, GenericParamDefKind, Ty, TyCtxt}; use rustc_session::config::nightly_options; use rustc_span::Span; pub type OpaqueTypeMap<'tcx> = DefIdMap<OpaqueTypeDecl<'tcx>>; /// Information about the opaque types whose values we /// are inferring in this function (these are the `impl Trait` that /// appear in the return type). #[derive(Copy, Clone, Debug)] pub struct OpaqueTypeDecl<'tcx> { /// The opaque type (`ty::Opaque`) for this declaration. pub opaque_type: Ty<'tcx>, /// The substitutions that we apply to the opaque type that this /// `impl Trait` desugars to. e.g., if: /// /// fn foo<'a, 'b, T>() -> impl Trait<'a> /// /// winds up desugared to: /// /// type Foo<'x, X> = impl Trait<'x> /// fn foo<'a, 'b, T>() -> Foo<'a, T> /// /// then `substs` would be `['a, T]`. pub substs: SubstsRef<'tcx>, /// The span of this particular definition of the opaque type. So /// for example: /// /// ``` /// type Foo = impl Baz; /// fn bar() -> Foo { /// ^^^ This is the span we are looking for! /// ``` /// /// In cases where the fn returns `(impl Trait, impl Trait)` or /// other such combinations, the result is currently /// over-approximated, but better than nothing. pub definition_span: Span, /// The type variable that represents the value of the opaque type /// that we require. In other words, after we compile this function, /// we will be created a constraint like: /// /// Foo<'a, T> = ?C /// /// where `?C` is the value of this type variable. =) It may /// naturally refer to the type and lifetime parameters in scope /// in this function, though ultimately it should only reference /// those that are arguments to `Foo` in the constraint above. (In /// other words, `?C` should not include `'b`, even though it's a /// lifetime parameter on `foo`.) pub concrete_ty: Ty<'tcx>, /// Returns `true` if the `impl Trait` bounds include region bounds. /// For example, this would be true for: /// /// fn foo<'a, 'b, 'c>() -> impl Trait<'c> + 'a + 'b /// /// but false for: /// /// fn foo<'c>() -> impl Trait<'c> /// /// unless `Trait` was declared like: /// /// trait Trait<'c>: 'c /// /// in which case it would be true. /// /// This is used during regionck to decide whether we need to /// impose any additional constraints to ensure that region /// variables in `concrete_ty` wind up being constrained to /// something from `substs` (or, at minimum, things that outlive /// the fn body). (Ultimately, writeback is responsible for this /// check.) pub has_required_region_bounds: bool, /// The origin of the opaque type. pub origin: hir::OpaqueTyOrigin, } /// Whether member constraints should be generated for all opaque types pub enum GenerateMemberConstraints { /// The default, used by typeck WhenRequired, /// The borrow checker needs member constraints in any case where we don't /// have a `'static` bound. This is because the borrow checker has more /// flexibility in the values of regions. For example, given `f<'a, 'b>` /// the borrow checker can have an inference variable outlive `'a` and `'b`, /// but not be equal to `'static`. IfNoStaticBound, } pub trait InferCtxtExt<'tcx> { fn instantiate_opaque_types<T: TypeFoldable<'tcx>>( &self, parent_def_id: DefId, body_id: hir::HirId, param_env: ty::ParamEnv<'tcx>, value: &T, value_span: Span, ) -> InferOk<'tcx, (T, OpaqueTypeMap<'tcx>)>; fn constrain_opaque_types<FRR: FreeRegionRelations<'tcx>>( &self, opaque_types: &OpaqueTypeMap<'tcx>, free_region_relations: &FRR, ); fn constrain_opaque_type<FRR: FreeRegionRelations<'tcx>>( &self, def_id: DefId, opaque_defn: &OpaqueTypeDecl<'tcx>, mode: GenerateMemberConstraints, free_region_relations: &FRR, ); /*private*/ fn generate_member_constraint( &self, concrete_ty: Ty<'tcx>, opaque_type_generics: &ty::Generics, opaque_defn: &OpaqueTypeDecl<'tcx>, opaque_type_def_id: DefId, ); /*private*/ fn member_constraint_feature_gate( &self, opaque_defn: &OpaqueTypeDecl<'tcx>, opaque_type_def_id: DefId, conflict1: ty::Region<'tcx>, conflict2: ty::Region<'tcx>, ) -> bool; fn infer_opaque_definition_from_instantiation( &self, def_id: DefId, substs: SubstsRef<'tcx>, instantiated_ty: Ty<'tcx>, span: Span, ) -> Ty<'tcx>; } impl<'a, 'tcx> InferCtxtExt<'tcx> for InferCtxt<'a, 'tcx> { /// Replaces all opaque types in `value` with fresh inference variables /// and creates appropriate obligations. For example, given the input: /// /// impl Iterator<Item = impl Debug> /// /// this method would create two type variables, `?0` and `?1`. It would /// return the type `?0` but also the obligations: /// /// ?0: Iterator<Item = ?1> /// ?1: Debug /// /// Moreover, it returns a `OpaqueTypeMap` that would map `?0` to /// info about the `impl Iterator<..>` type and `?1` to info about /// the `impl Debug` type. /// /// # Parameters /// /// - `parent_def_id` -- the `DefId` of the function in which the opaque type /// is defined /// - `body_id` -- the body-id with which the resulting obligations should /// be associated /// - `param_env` -- the in-scope parameter environment to be used for /// obligations /// - `value` -- the value within which we are instantiating opaque types /// - `value_span` -- the span where the value came from, used in error reporting fn instantiate_opaque_types<T: TypeFoldable<'tcx>>( &self, parent_def_id: DefId, body_id: hir::HirId, param_env: ty::ParamEnv<'tcx>, value: &T, value_span: Span, ) -> InferOk<'tcx, (T, OpaqueTypeMap<'tcx>)> { debug!( "instantiate_opaque_types(value={:?}, parent_def_id={:?}, body_id={:?}, \ param_env={:?}, value_span={:?})", value, parent_def_id, body_id, param_env, value_span, ); let mut instantiator = Instantiator { infcx: self, parent_def_id, body_id, param_env, value_span, opaque_types: Default::default(), obligations: vec![], }; let value = instantiator.instantiate_opaque_types_in_map(value); InferOk { value: (value, instantiator.opaque_types), obligations: instantiator.obligations } } /// Given the map `opaque_types` containing the opaque /// `impl Trait` types whose underlying, hidden types are being /// inferred, this method adds constraints to the regions /// appearing in those underlying hidden types to ensure that they /// at least do not refer to random scopes within the current /// function. These constraints are not (quite) sufficient to /// guarantee that the regions are actually legal values; that /// final condition is imposed after region inference is done. /// /// # The Problem /// /// Let's work through an example to explain how it works. Assume /// the current function is as follows: /// /// ```text /// fn foo<'a, 'b>(..) -> (impl Bar<'a>, impl Bar<'b>) /// ``` /// /// Here, we have two `impl Trait` types whose values are being /// inferred (the `impl Bar<'a>` and the `impl /// Bar<'b>`). Conceptually, this is sugar for a setup where we /// define underlying opaque types (`Foo1`, `Foo2`) and then, in /// the return type of `foo`, we *reference* those definitions: /// /// ```text /// type Foo1<'x> = impl Bar<'x>; /// type Foo2<'x> = impl Bar<'x>; /// fn foo<'a, 'b>(..) -> (Foo1<'a>, Foo2<'b>) { .. } /// // ^^^^ ^^ /// // | | /// // | substs /// // def_id /// ``` /// /// As indicating in the comments above, each of those references /// is (in the compiler) basically a substitution (`substs`) /// applied to the type of a suitable `def_id` (which identifies /// `Foo1` or `Foo2`). /// /// Now, at this point in compilation, what we have done is to /// replace each of the references (`Foo1<'a>`, `Foo2<'b>`) with /// fresh inference variables C1 and C2. We wish to use the values /// of these variables to infer the underlying types of `Foo1` and /// `Foo2`. That is, this gives rise to higher-order (pattern) unification /// constraints like: /// /// ```text /// for<'a> (Foo1<'a> = C1) /// for<'b> (Foo1<'b> = C2) /// ``` /// /// For these equation to be satisfiable, the types `C1` and `C2` /// can only refer to a limited set of regions. For example, `C1` /// can only refer to `'static` and `'a`, and `C2` can only refer /// to `'static` and `'b`. The job of this function is to impose that /// constraint. /// /// Up to this point, C1 and C2 are basically just random type /// inference variables, and hence they may contain arbitrary /// regions. In fact, it is fairly likely that they do! Consider /// this possible definition of `foo`: /// /// ```text /// fn foo<'a, 'b>(x: &'a i32, y: &'b i32) -> (impl Bar<'a>, impl Bar<'b>) { /// (&*x, &*y) /// } /// ``` /// /// Here, the values for the concrete types of the two impl /// traits will include inference variables: /// /// ```text /// &'0 i32 /// &'1 i32 /// ``` /// /// Ordinarily, the subtyping rules would ensure that these are /// sufficiently large. But since `impl Bar<'a>` isn't a specific /// type per se, we don't get such constraints by default. This /// is where this function comes into play. It adds extra /// constraints to ensure that all the regions which appear in the /// inferred type are regions that could validly appear. /// /// This is actually a bit of a tricky constraint in general. We /// want to say that each variable (e.g., `'0`) can only take on /// values that were supplied as arguments to the opaque type /// (e.g., `'a` for `Foo1<'a>`) or `'static`, which is always in /// scope. We don't have a constraint quite of this kind in the current /// region checker. /// /// # The Solution /// /// We generally prefer to make `<=` constraints, since they /// integrate best into the region solver. To do that, we find the /// "minimum" of all the arguments that appear in the substs: that /// is, some region which is less than all the others. In the case /// of `Foo1<'a>`, that would be `'a` (it's the only choice, after /// all). Then we apply that as a least bound to the variables /// (e.g., `'a <= '0`). /// /// In some cases, there is no minimum. Consider this example: /// /// ```text /// fn baz<'a, 'b>() -> impl Trait<'a, 'b> { ... } /// ``` /// /// Here we would report a more complex "in constraint", like `'r /// in ['a, 'b, 'static]` (where `'r` is some region appearing in /// the hidden type). /// /// # Constrain regions, not the hidden concrete type /// /// Note that generating constraints on each region `Rc` is *not* /// the same as generating an outlives constraint on `Tc` iself. /// For example, if we had a function like this: /// /// ```rust /// fn foo<'a, T>(x: &'a u32, y: T) -> impl Foo<'a> { /// (x, y) /// } /// /// // Equivalent to: /// type FooReturn<'a, T> = impl Foo<'a>; /// fn foo<'a, T>(..) -> FooReturn<'a, T> { .. } /// ``` /// /// then the hidden type `Tc` would be `(&'0 u32, T)` (where `'0` /// is an inference variable). If we generated a constraint that /// `Tc: 'a`, then this would incorrectly require that `T: 'a` -- /// but this is not necessary, because the opaque type we /// create will be allowed to reference `T`. So we only generate a /// constraint that `'0: 'a`. /// /// # The `free_region_relations` parameter /// /// The `free_region_relations` argument is used to find the /// "minimum" of the regions supplied to a given opaque type. /// It must be a relation that can answer whether `'a <= 'b`, /// where `'a` and `'b` are regions that appear in the "substs" /// for the opaque type references (the `<'a>` in `Foo1<'a>`). /// /// Note that we do not impose the constraints based on the /// generic regions from the `Foo1` definition (e.g., `'x`). This /// is because the constraints we are imposing here is basically /// the concern of the one generating the constraining type C1, /// which is the current function. It also means that we can /// take "implied bounds" into account in some cases: /// /// ```text /// trait SomeTrait<'a, 'b> { } /// fn foo<'a, 'b>(_: &'a &'b u32) -> impl SomeTrait<'a, 'b> { .. } /// ``` /// /// Here, the fact that `'b: 'a` is known only because of the /// implied bounds from the `&'a &'b u32` parameter, and is not /// "inherent" to the opaque type definition. /// /// # Parameters /// /// - `opaque_types` -- the map produced by `instantiate_opaque_types` /// - `free_region_relations` -- something that can be used to relate /// the free regions (`'a`) that appear in the impl trait. fn constrain_opaque_types<FRR: FreeRegionRelations<'tcx>>( &self, opaque_types: &OpaqueTypeMap<'tcx>, free_region_relations: &FRR, ) { debug!("constrain_opaque_types()"); for (&def_id, opaque_defn) in opaque_types { self.constrain_opaque_type( def_id, opaque_defn, GenerateMemberConstraints::WhenRequired, free_region_relations, ); } } /// See `constrain_opaque_types` for documentation. fn constrain_opaque_type<FRR: FreeRegionRelations<'tcx>>( &self, def_id: DefId, opaque_defn: &OpaqueTypeDecl<'tcx>, mode: GenerateMemberConstraints, free_region_relations: &FRR, ) { debug!("constrain_opaque_type()"); debug!("constrain_opaque_type: def_id={:?}", def_id); debug!("constrain_opaque_type: opaque_defn={:#?}", opaque_defn); let tcx = self.tcx; let concrete_ty = self.resolve_vars_if_possible(&opaque_defn.concrete_ty); debug!("constrain_opaque_type: concrete_ty={:?}", concrete_ty); let opaque_type_generics = tcx.generics_of(def_id); let span = tcx.def_span(def_id); // If there are required region bounds, we can use them. if opaque_defn.has_required_region_bounds { let predicates_of = tcx.predicates_of(def_id); debug!("constrain_opaque_type: predicates: {:#?}", predicates_of,); let bounds = predicates_of.instantiate(tcx, opaque_defn.substs); debug!("constrain_opaque_type: bounds={:#?}", bounds); let opaque_type = tcx.mk_opaque(def_id, opaque_defn.substs); let required_region_bounds = required_region_bounds(tcx, opaque_type, bounds.predicates.into_iter()); debug_assert!(!required_region_bounds.is_empty()); for required_region in required_region_bounds { concrete_ty.visit_with(&mut ConstrainOpaqueTypeRegionVisitor { op: |r| self.sub_regions(infer::CallReturn(span), required_region, r), }); } if let GenerateMemberConstraints::IfNoStaticBound = mode { self.generate_member_constraint( concrete_ty, opaque_type_generics, opaque_defn, def_id, ); } return; } // There were no `required_region_bounds`, // so we have to search for a `least_region`. // Go through all the regions used as arguments to the // opaque type. These are the parameters to the opaque // type; so in our example above, `substs` would contain // `['a]` for the first impl trait and `'b` for the // second. let mut least_region = None; for param in &opaque_type_generics.params { match param.kind { GenericParamDefKind::Lifetime => {} _ => continue, } // Get the value supplied for this region from the substs. let subst_arg = opaque_defn.substs.region_at(param.index as usize); // Compute the least upper bound of it with the other regions. debug!("constrain_opaque_types: least_region={:?}", least_region); debug!("constrain_opaque_types: subst_arg={:?}", subst_arg); match least_region { None => least_region = Some(subst_arg), Some(lr) => { if free_region_relations.sub_free_regions(self.tcx, lr, subst_arg) { // keep the current least region } else if free_region_relations.sub_free_regions(self.tcx, subst_arg, lr) { // switch to `subst_arg` least_region = Some(subst_arg); } else { // There are two regions (`lr` and // `subst_arg`) which are not relatable. We // can't find a best choice. Therefore, // instead of creating a single bound like // `'r: 'a` (which is our preferred choice), // we will create a "in bound" like `'r in // ['a, 'b, 'c]`, where `'a..'c` are the // regions that appear in the impl trait. // For now, enforce a feature gate outside of async functions. self.member_constraint_feature_gate(opaque_defn, def_id, lr, subst_arg); return self.generate_member_constraint( concrete_ty, opaque_type_generics, opaque_defn, def_id, ); } } } } let least_region = least_region.unwrap_or(tcx.lifetimes.re_static); debug!("constrain_opaque_types: least_region={:?}", least_region); if let GenerateMemberConstraints::IfNoStaticBound = mode { if least_region != tcx.lifetimes.re_static { self.generate_member_constraint( concrete_ty, opaque_type_generics, opaque_defn, def_id, ); } } concrete_ty.visit_with(&mut ConstrainOpaqueTypeRegionVisitor { op: |r| self.sub_regions(infer::CallReturn(span), least_region, r), }); } /// As a fallback, we sometimes generate an "in constraint". For /// a case like `impl Foo<'a, 'b>`, where `'a` and `'b` cannot be /// related, we would generate a constraint `'r in ['a, 'b, /// 'static]` for each region `'r` that appears in the hidden type /// (i.e., it must be equal to `'a`, `'b`, or `'static`). /// /// `conflict1` and `conflict2` are the two region bounds that we /// detected which were unrelated. They are used for diagnostics. fn generate_member_constraint( &self, concrete_ty: Ty<'tcx>, opaque_type_generics: &ty::Generics, opaque_defn: &OpaqueTypeDecl<'tcx>, opaque_type_def_id: DefId, ) { // Create the set of choice regions: each region in the hidden // type can be equal to any of the region parameters of the // opaque type definition. let choice_regions: Lrc<Vec<ty::Region<'tcx>>> = Lrc::new( opaque_type_generics .params .iter() .filter(|param| match param.kind { GenericParamDefKind::Lifetime => true, GenericParamDefKind::Type { .. } | GenericParamDefKind::Const => false, }) .map(|param| opaque_defn.substs.region_at(param.index as usize)) .chain(std::iter::once(self.tcx.lifetimes.re_static)) .collect(), ); concrete_ty.visit_with(&mut ConstrainOpaqueTypeRegionVisitor { op: |r| { self.member_constraint( opaque_type_def_id, opaque_defn.definition_span, concrete_ty, r, &choice_regions, ) }, }); } /// Member constraints are presently feature-gated except for /// async-await. We expect to lift this once we've had a bit more /// time. fn member_constraint_feature_gate( &self, opaque_defn: &OpaqueTypeDecl<'tcx>, opaque_type_def_id: DefId, conflict1: ty::Region<'tcx>, conflict2: ty::Region<'tcx>, ) -> bool { // If we have `#![feature(member_constraints)]`, no problems. if self.tcx.features().member_constraints { return false; } let span = self.tcx.def_span(opaque_type_def_id); // Without a feature-gate, we only generate member-constraints for async-await. let context_name = match opaque_defn.origin { // No feature-gate required for `async fn`. hir::OpaqueTyOrigin::AsyncFn => return false, // Otherwise, generate the label we'll use in the error message. hir::OpaqueTyOrigin::TypeAlias | hir::OpaqueTyOrigin::FnReturn | hir::OpaqueTyOrigin::Misc => "impl Trait", }; let msg = format!("ambiguous lifetime bound in `{}`", context_name); let mut err = self.tcx.sess.struct_span_err(span, &msg); let conflict1_name = conflict1.to_string(); let conflict2_name = conflict2.to_string(); let label_owned; let label = match (&*conflict1_name, &*conflict2_name) { ("'_", "'_") => "the elided lifetimes here do not outlive one another", _ => { label_owned = format!( "neither `{}` nor `{}` outlives the other", conflict1_name, conflict2_name, ); &label_owned } }; err.span_label(span, label); if nightly_options::is_nightly_build() { err.help("add #![feature(member_constraints)] to the crate attributes to enable"); } err.emit(); true } /// Given the fully resolved, instantiated type for an opaque /// type, i.e., the value of an inference variable like C1 or C2 /// (*), computes the "definition type" for an opaque type /// definition -- that is, the inferred value of `Foo1<'x>` or /// `Foo2<'x>` that we would conceptually use in its definition: /// /// type Foo1<'x> = impl Bar<'x> = AAA; <-- this type AAA /// type Foo2<'x> = impl Bar<'x> = BBB; <-- or this type BBB /// fn foo<'a, 'b>(..) -> (Foo1<'a>, Foo2<'b>) { .. } /// /// Note that these values are defined in terms of a distinct set of /// generic parameters (`'x` instead of `'a`) from C1 or C2. The main /// purpose of this function is to do that translation. /// /// (*) C1 and C2 were introduced in the comments on /// `constrain_opaque_types`. Read that comment for more context. /// /// # Parameters /// /// - `def_id`, the `impl Trait` type /// - `substs`, the substs used to instantiate this opaque type /// - `instantiated_ty`, the inferred type C1 -- fully resolved, lifted version of /// `opaque_defn.concrete_ty` fn infer_opaque_definition_from_instantiation( &self, def_id: DefId, substs: SubstsRef<'tcx>, instantiated_ty: Ty<'tcx>, span: Span, ) -> Ty<'tcx> { debug!( "infer_opaque_definition_from_instantiation(def_id={:?}, instantiated_ty={:?})", def_id, instantiated_ty ); // Use substs to build up a reverse map from regions to their // identity mappings. This is necessary because of `impl // Trait` lifetimes are computed by replacing existing // lifetimes with 'static and remapping only those used in the // `impl Trait` return type, resulting in the parameters // shifting. let id_substs = InternalSubsts::identity_for_item(self.tcx, def_id); let map: FxHashMap<GenericArg<'tcx>, GenericArg<'tcx>> = substs.iter().enumerate().map(|(index, subst)| (subst, id_substs[index])).collect(); // Convert the type from the function into a type valid outside // the function, by replacing invalid regions with 'static, // after producing an error for each of them. let definition_ty = instantiated_ty.fold_with(&mut ReverseMapper::new( self.tcx, self.is_tainted_by_errors(), def_id, map, instantiated_ty, span, )); debug!("infer_opaque_definition_from_instantiation: definition_ty={:?}", definition_ty); definition_ty } } // Visitor that requires that (almost) all regions in the type visited outlive // `least_region`. We cannot use `push_outlives_components` because regions in // closure signatures are not included in their outlives components. We need to // ensure all regions outlive the given bound so that we don't end up with, // say, `ReVar` appearing in a return type and causing ICEs when other // functions end up with region constraints involving regions from other // functions. // // We also cannot use `for_each_free_region` because for closures it includes // the regions parameters from the enclosing item. // // We ignore any type parameters because impl trait values are assumed to // capture all the in-scope type parameters. struct ConstrainOpaqueTypeRegionVisitor<OP> { op: OP, } impl<'tcx, OP> TypeVisitor<'tcx> for ConstrainOpaqueTypeRegionVisitor<OP> where OP: FnMut(ty::Region<'tcx>), { fn visit_binder<T: TypeFoldable<'tcx>>(&mut self, t: &ty::Binder<T>) -> bool { t.skip_binder().visit_with(self); false // keep visiting } fn visit_region(&mut self, r: ty::Region<'tcx>) -> bool { match *r { // ignore bound regions, keep visiting ty::ReLateBound(_, _) => false, _ => { (self.op)(r); false } } } fn visit_ty(&mut self, ty: Ty<'tcx>) -> bool { // We're only interested in types involving regions if !ty.flags.intersects(ty::TypeFlags::HAS_FREE_REGIONS) { return false; // keep visiting } match ty.kind { ty::Closure(_, ref substs) => { // Skip lifetime parameters of the enclosing item(s) for upvar_ty in substs.as_closure().upvar_tys() { upvar_ty.visit_with(self); } substs.as_closure().sig_as_fn_ptr_ty().visit_with(self); } ty::Generator(_, ref substs, _) => { // Skip lifetime parameters of the enclosing item(s) // Also skip the witness type, because that has no free regions. for upvar_ty in substs.as_generator().upvar_tys() { upvar_ty.visit_with(self); } substs.as_generator().return_ty().visit_with(self); substs.as_generator().yield_ty().visit_with(self); substs.as_generator().resume_ty().visit_with(self); } _ => { ty.super_visit_with(self); } } false } } struct ReverseMapper<'tcx> { tcx: TyCtxt<'tcx>, /// If errors have already been reported in this fn, we suppress /// our own errors because they are sometimes derivative. tainted_by_errors: bool, opaque_type_def_id: DefId, map: FxHashMap<GenericArg<'tcx>, GenericArg<'tcx>>, map_missing_regions_to_empty: bool, /// initially `Some`, set to `None` once error has been reported hidden_ty: Option<Ty<'tcx>>, /// Span of function being checked. span: Span, } impl ReverseMapper<'tcx> { fn new( tcx: TyCtxt<'tcx>, tainted_by_errors: bool, opaque_type_def_id: DefId, map: FxHashMap<GenericArg<'tcx>, GenericArg<'tcx>>, hidden_ty: Ty<'tcx>, span: Span, ) -> Self { Self { tcx, tainted_by_errors, opaque_type_def_id, map, map_missing_regions_to_empty: false, hidden_ty: Some(hidden_ty), span, } } fn fold_kind_mapping_missing_regions_to_empty( &mut self, kind: GenericArg<'tcx>, ) -> GenericArg<'tcx>
fn fold_kind_normally(&mut self, kind: GenericArg<'tcx>) -> GenericArg<'tcx> { assert!(!self.map_missing_regions_to_empty); kind.fold_with(self) } } impl TypeFolder<'tcx> for ReverseMapper<'tcx> { fn tcx(&self) -> TyCtxt<'tcx> { self.tcx } fn fold_region(&mut self, r: ty::Region<'tcx>) -> ty::Region<'tcx> { match r { // Ignore bound regions and `'static` regions that appear in the // type, we only need to remap regions that reference lifetimes // from the function declaraion. // This would ignore `'r` in a type like `for<'r> fn(&'r u32)`. ty::ReLateBound(..) | ty::ReStatic => return r, // If regions have been erased (by writeback), don't try to unerase // them. ty::ReErased => return r, // The regions that we expect from borrow checking. ty::ReEarlyBound(_) | ty::ReFree(_) | ty::ReEmpty(ty::UniverseIndex::ROOT) => {} ty::ReEmpty(_) | ty::RePlaceholder(_) | ty::ReVar(_) => { // All of the regions in the type should either have been // erased by writeback, or mapped back to named regions by // borrow checking. bug!("unexpected region kind in opaque type: {:?}", r); } } let generics = self.tcx().generics_of(self.opaque_type_def_id); match self.map.get(&r.into()).map(|k| k.unpack()) { Some(GenericArgKind::Lifetime(r1)) => r1, Some(u) => panic!("region mapped to unexpected kind: {:?}", u), None if self.map_missing_regions_to_empty || self.tainted_by_errors => { self.tcx.lifetimes.re_root_empty } None if generics.parent.is_some() => { if let Some(hidden_ty) = self.hidden_ty.take() { unexpected_hidden_region_diagnostic( self.tcx, self.tcx.def_span(self.opaque_type_def_id), hidden_ty, r, ) .emit(); } self.tcx.lifetimes.re_root_empty } None => { self.tcx .sess .struct_span_err(self.span, "non-defining opaque type use in defining scope") .span_label( self.span, format!( "lifetime `{}` is part of concrete type but not used in \ parameter list of the `impl Trait` type alias", r ), ) .emit(); self.tcx().lifetimes.re_static } } } fn fold_ty(&mut self, ty: Ty<'tcx>) -> Ty<'tcx> { match ty.kind { ty::Closure(def_id, substs) => { // I am a horrible monster and I pray for death. When // we encounter a closure here, it is always a closure // from within the function that we are currently // type-checking -- one that is now being encapsulated // in an opaque type. Ideally, we would // go through the types/lifetimes that it references // and treat them just like we would any other type, // which means we would error out if we find any // reference to a type/region that is not in the // "reverse map". // // **However,** in the case of closures, there is a // somewhat subtle (read: hacky) consideration. The // problem is that our closure types currently include // all the lifetime parameters declared on the // enclosing function, even if they are unused by the // closure itself. We can't readily filter them out, // so here we replace those values with `'empty`. This // can't really make a difference to the rest of the // compiler; those regions are ignored for the // outlives relation, and hence don't affect trait // selection or auto traits, and they are erased // during codegen. let generics = self.tcx.generics_of(def_id); let substs = self.tcx.mk_substs(substs.iter().enumerate().map(|(index, kind)| { if index < generics.parent_count { // Accommodate missing regions in the parent kinds... self.fold_kind_mapping_missing_regions_to_empty(kind) } else { // ...but not elsewhere. self.fold_kind_normally(kind) } })); self.tcx.mk_closure(def_id, substs) } ty::Generator(def_id, substs, movability) => { let generics = self.tcx.generics_of(def_id); let substs = self.tcx.mk_substs(substs.iter().enumerate().map(|(index, kind)| { if index < generics.parent_count { // Accommodate missing regions in the parent kinds... self.fold_kind_mapping_missing_regions_to_empty(kind) } else { // ...but not elsewhere. self.fold_kind_normally(kind) } })); self.tcx.mk_generator(def_id, substs, movability) } ty::Param(..) => { // Look it up in the substitution list. match self.map.get(&ty.into()).map(|k| k.unpack()) { // Found it in the substitution list; replace with the parameter from the // opaque type. Some(GenericArgKind::Type(t1)) => t1, Some(u) => panic!("type mapped to unexpected kind: {:?}", u), None => { self.tcx .sess .struct_span_err( self.span, &format!( "type parameter `{}` is part of concrete type but not \ used in parameter list for the `impl Trait` type alias", ty ), ) .emit(); self.tcx().types.err } } } _ => ty.super_fold_with(self), } } fn fold_const(&mut self, ct: &'tcx ty::Const<'tcx>) -> &'tcx ty::Const<'tcx> { trace!("checking const {:?}", ct); // Find a const parameter match ct.val { ty::ConstKind::Param(..) => { // Look it up in the substitution list. match self.map.get(&ct.into()).map(|k| k.unpack()) { // Found it in the substitution list, replace with the parameter from the // opaque type. Some(GenericArgKind::Const(c1)) => c1, Some(u) => panic!("const mapped to unexpected kind: {:?}", u), None => { self.tcx .sess .struct_span_err( self.span, &format!( "const parameter `{}` is part of concrete type but not \ used in parameter list for the `impl Trait` type alias", ct ), ) .emit(); self.tcx().mk_const(ty::Const { val: ty::ConstKind::Error, ty: ct.ty }) } } } _ => ct, } } } struct Instantiator<'a, 'tcx> { infcx: &'a InferCtxt<'a, 'tcx>, parent_def_id: DefId, body_id: hir::HirId, param_env: ty::ParamEnv<'tcx>, value_span: Span, opaque_types: OpaqueTypeMap<'tcx>, obligations: Vec<PredicateObligation<'tcx>>, } impl<'a, 'tcx> Instantiator<'a, 'tcx> { fn instantiate_opaque_types_in_map<T: TypeFoldable<'tcx>>(&mut self, value: &T) -> T { debug!("instantiate_opaque_types_in_map(value={:?})", value); let tcx = self.infcx.tcx; value.fold_with(&mut BottomUpFolder { tcx, ty_op: |ty| { if ty.references_error() { return tcx.types.err; } else if let ty::Opaque(def_id, substs) = ty.kind { // Check that this is `impl Trait` type is // declared by `parent_def_id` -- i.e., one whose // value we are inferring. At present, this is // always true during the first phase of // type-check, but not always true later on during // NLL. Once we support named opaque types more fully, // this same scenario will be able to arise during all phases. // // Here is an example using type alias `impl Trait` // that indicates the distinction we are checking for: // // ```rust // mod a { // pub type Foo = impl Iterator; // pub fn make_foo() -> Foo { .. } // } // // mod b { // fn foo() -> a::Foo { a::make_foo() } // } // ``` // // Here, the return type of `foo` references a // `Opaque` indeed, but not one whose value is // presently being inferred. You can get into a // similar situation with closure return types // today: // // ```rust // fn foo() -> impl Iterator { .. } // fn bar() { // let x = || foo(); // returns the Opaque assoc with `foo` // } // ``` if let Some(def_id) = def_id.as_local() { let opaque_hir_id = tcx.hir().as_local_hir_id(def_id); let parent_def_id = self.parent_def_id; let def_scope_default = || { let opaque_parent_hir_id = tcx.hir().get_parent_item(opaque_hir_id); parent_def_id == tcx.hir().local_def_id(opaque_parent_hir_id).to_def_id() }; let (in_definition_scope, origin) = match tcx.hir().find(opaque_hir_id) { Some(Node::Item(item)) => match item.kind { // Anonymous `impl Trait` hir::ItemKind::OpaqueTy(hir::OpaqueTy { impl_trait_fn: Some(parent), origin, .. }) => (parent == self.parent_def_id, origin), // Named `type Foo = impl Bar;` hir::ItemKind::OpaqueTy(hir::OpaqueTy { impl_trait_fn: None, origin, .. }) => ( may_define_opaque_type( tcx, self.parent_def_id.expect_local(), opaque_hir_id, ), origin, ), _ => (def_scope_default(), hir::OpaqueTyOrigin::TypeAlias), }, Some(Node::ImplItem(item)) => match item.kind { hir::ImplItemKind::OpaqueTy(_) => ( may_define_opaque_type( tcx, self.parent_def_id.expect_local(), opaque_hir_id, ), hir::OpaqueTyOrigin::TypeAlias, ), _ => (def_scope_default(), hir::OpaqueTyOrigin::TypeAlias), }, _ => bug!( "expected (impl) item, found {}", tcx.hir().node_to_string(opaque_hir_id), ), }; if in_definition_scope { return self.fold_opaque_ty(ty, def_id.to_def_id(), substs, origin); } debug!( "instantiate_opaque_types_in_map: \ encountered opaque outside its definition scope \ def_id={:?}", def_id, ); } } ty }, lt_op: |lt| lt, ct_op: |ct| ct, }) } fn fold_opaque_ty( &mut self, ty: Ty<'tcx>, def_id: DefId, substs: SubstsRef<'tcx>, origin: hir::OpaqueTyOrigin, ) -> Ty<'tcx> { let infcx = self.infcx; let tcx = infcx.tcx; debug!("instantiate_opaque_types: Opaque(def_id={:?}, substs={:?})", def_id, substs); // Use the same type variable if the exact same opaque type appears more // than once in the return type (e.g., if it's passed to a type alias). if let Some(opaque_defn) = self.opaque_types.get(&def_id) { debug!("instantiate_opaque_types: returning concrete ty {:?}", opaque_defn.concrete_ty); return opaque_defn.concrete_ty; } let span = tcx.def_span(def_id); debug!("fold_opaque_ty {:?} {:?}", self.value_span, span); let ty_var = infcx .next_ty_var(TypeVariableOrigin { kind: TypeVariableOriginKind::TypeInference, span }); let predicates_of = tcx.predicates_of(def_id); debug!("instantiate_opaque_types: predicates={:#?}", predicates_of,); let bounds = predicates_of.instantiate(tcx, substs); let param_env = tcx.param_env(def_id); let InferOk { value: bounds, obligations } = infcx.partially_normalize_associated_types_in(span, self.body_id, param_env, &bounds); self.obligations.extend(obligations); debug!("instantiate_opaque_types: bounds={:?}", bounds); let required_region_bounds = required_region_bounds(tcx, ty, bounds.predicates.iter().cloned()); debug!("instantiate_opaque_types: required_region_bounds={:?}", required_region_bounds); // Make sure that we are in fact defining the *entire* type // (e.g., `type Foo<T: Bound> = impl Bar;` needs to be // defined by a function like `fn foo<T: Bound>() -> Foo<T>`). debug!("instantiate_opaque_types: param_env={:#?}", self.param_env,); debug!("instantiate_opaque_types: generics={:#?}", tcx.generics_of(def_id),); // Ideally, we'd get the span where *this specific `ty` came // from*, but right now we just use the span from the overall // value being folded. In simple cases like `-> impl Foo`, // these are the same span, but not in cases like `-> (impl // Foo, impl Bar)`. let definition_span = self.value_span; self.opaque_types.insert( def_id, OpaqueTypeDecl { opaque_type: ty, substs, definition_span, concrete_ty: ty_var, has_required_region_bounds: !required_region_bounds.is_empty(), origin, }, ); debug!("instantiate_opaque_types: ty_var={:?}", ty_var); for predicate in &bounds.predicates { if let ty::PredicateKind::Projection(projection) = predicate.kind() { if projection.skip_binder().ty.references_error() { // No point on adding these obligations since there's a type error involved. return ty_var; } } } self.obligations.reserve(bounds.predicates.len()); for predicate in bounds.predicates { // Change the predicate to refer to the type variable, // which will be the concrete type instead of the opaque type. // This also instantiates nested instances of `impl Trait`. let predicate = self.instantiate_opaque_types_in_map(&predicate); let cause = traits::ObligationCause::new(span, self.body_id, traits::SizedReturnType); // Require that the predicate holds for the concrete type. debug!("instantiate_opaque_types: predicate={:?}", predicate); self.obligations.push(traits::Obligation::new(cause, self.param_env, predicate)); } ty_var } } /// Returns `true` if `opaque_hir_id` is a sibling or a child of a sibling of `def_id`. /// /// Example: /// ```rust /// pub mod foo { /// pub mod bar { /// pub trait Bar { .. } /// /// pub type Baz = impl Bar; /// /// fn f1() -> Baz { .. } /// } /// /// fn f2() -> bar::Baz { .. } /// } /// ``` /// /// Here, `def_id` is the `LocalDefId` of the defining use of the opaque type (e.g., `f1` or `f2`), /// and `opaque_hir_id` is the `HirId` of the definition of the opaque type `Baz`. /// For the above example, this function returns `true` for `f1` and `false` for `f2`. pub fn may_define_opaque_type( tcx: TyCtxt<'_>, def_id: LocalDefId, opaque_hir_id: hir::HirId, ) -> bool { let mut hir_id = tcx.hir().as_local_hir_id(def_id); // Named opaque types can be defined by any siblings or children of siblings. let scope = tcx.hir().get_defining_scope(opaque_hir_id); // We walk up the node tree until we hit the root or the scope of the opaque type. while hir_id != scope && hir_id != hir::CRATE_HIR_ID { hir_id = tcx.hir().get_parent_item(hir_id); } // Syntactically, we are allowed to define the concrete type if: let res = hir_id == scope; trace!( "may_define_opaque_type(def={:?}, opaque_node={:?}) = {}", tcx.hir().find(hir_id), tcx.hir().get(opaque_hir_id), res ); res } /// Given a set of predicates that apply to an object type, returns /// the region bounds that the (erased) `Self` type must /// outlive. Precisely *because* the `Self` type is erased, the /// parameter `erased_self_ty` must be supplied to indicate what type /// has been used to represent `Self` in the predicates /// themselves. This should really be a unique type; `FreshTy(0)` is a /// popular choice. /// /// N.B., in some cases, particularly around higher-ranked bounds, /// this function returns a kind of conservative approximation. /// That is, all regions returned by this function are definitely /// required, but there may be other region bounds that are not /// returned, as well as requirements like `for<'a> T: 'a`. /// /// Requires that trait definitions have been processed so that we can /// elaborate predicates and walk supertraits. // // FIXME: callers may only have a `&[Predicate]`, not a `Vec`, so that's // what this code should accept. crate fn required_region_bounds( tcx: TyCtxt<'tcx>, erased_self_ty: Ty<'tcx>, predicates: impl Iterator<Item = ty::Predicate<'tcx>>, ) -> Vec<ty::Region<'tcx>> { debug!("required_region_bounds(erased_self_ty={:?})", erased_self_ty); assert!(!erased_self_ty.has_escaping_bound_vars()); traits::elaborate_predicates(tcx, predicates) .filter_map(|obligation| { debug!("required_region_bounds(obligation={:?})", obligation); match obligation.predicate.kind() { ty::PredicateKind::Projection(..) | ty::PredicateKind::Trait(..) | ty::PredicateKind::Subtype(..) | ty::PredicateKind::WellFormed(..) | ty::PredicateKind::ObjectSafe(..) | ty::PredicateKind::ClosureKind(..) | ty::PredicateKind::RegionOutlives(..) | ty::PredicateKind::ConstEvaluatable(..) | ty::PredicateKind::ConstEquate(..) => None, ty::PredicateKind::TypeOutlives(predicate) => { // Search for a bound of the form `erased_self_ty // : 'a`, but be wary of something like `for<'a> // erased_self_ty : 'a` (we interpret a // higher-ranked bound like that as 'static, // though at present the code in `fulfill.rs` // considers such bounds to be unsatisfiable, so // it's kind of a moot point since you could never // construct such an object, but this seems // correct even if that code changes). let ty::OutlivesPredicate(ref t, ref r) = predicate.skip_binder(); if t == &erased_self_ty && !r.has_escaping_bound_vars() { Some(*r) } else { None } } } }) .collect() }
{ assert!(!self.map_missing_regions_to_empty); self.map_missing_regions_to_empty = true; let kind = kind.fold_with(self); self.map_missing_regions_to_empty = false; kind }
different_byref.rs
// Check that different const types are different. // revisions: full min #![cfg_attr(full, feature(const_generics))] #![cfg_attr(full, allow(incomplete_features))]
//[min]~^ ERROR `[usize; 1]` is forbidden fn main() { let mut x = Const::<{ [3] }> {}; x = Const::<{ [4] }> {}; //[full]~^ ERROR mismatched types }
struct Const<const V: [usize; 1]> {}
externalbuilder_test.go
/* Copyright IBM Corp. All Rights Reserved. SPDX-License-Identifier: Apache-2.0 */ package externalbuilder_test import ( "fmt" "io/ioutil" "os" "path/filepath" "strings" . "github.com/onsi/ginkgo" . "github.com/onsi/gomega" "github.com/paul-lee-attorney/fabric-2.1-gm/common/flogging" "github.com/paul-lee-attorney/fabric-2.1-gm/core/container/ccintf" "github.com/paul-lee-attorney/fabric-2.1-gm/core/container/externalbuilder" "github.com/paul-lee-attorney/fabric-2.1-gm/core/peer" "go.uber.org/zap" "go.uber.org/zap/zapcore" ) var _ = Describe("externalbuilder", func() { var ( codePackage *os.File logger *flogging.FabricLogger md []byte ) BeforeEach(func() { var err error codePackage, err = os.Open("testdata/normal_archive.tar.gz") Expect(err).NotTo(HaveOccurred()) md = []byte(`{"some":"fake-metadata"}`) enc := zapcore.NewConsoleEncoder(zapcore.EncoderConfig{MessageKey: "msg"}) core := zapcore.NewCore(enc, zapcore.AddSync(GinkgoWriter), zap.NewAtomicLevel()) logger = flogging.NewFabricLogger(zap.New(core).Named("logger")) }) AfterEach(func() { if codePackage != nil { codePackage.Close() } }) Describe("NewBuildContext", func() { It("creates a new context, including temporary locations", func() { buildContext, err := externalbuilder.NewBuildContext("fake-package-id", md, codePackage) Expect(err).NotTo(HaveOccurred()) defer buildContext.Cleanup() Expect(buildContext.ScratchDir).NotTo(BeEmpty()) Expect(buildContext.ScratchDir).To(BeADirectory()) Expect(buildContext.SourceDir).NotTo(BeEmpty()) Expect(buildContext.SourceDir).To(BeADirectory()) Expect(buildContext.ReleaseDir).NotTo(BeEmpty()) Expect(buildContext.ReleaseDir).To(BeADirectory()) Expect(buildContext.BldDir).NotTo(BeEmpty()) Expect(buildContext.BldDir).To(BeADirectory()) Expect(filepath.Join(buildContext.SourceDir, "a/test.file")).To(BeARegularFile()) }) Context("when the archive cannot be extracted", func() { It("returns an error", func() { codePackage, err := os.Open("testdata/archive_with_absolute.tar.gz") Expect(err).NotTo(HaveOccurred()) defer codePackage.Close() _, err = externalbuilder.NewBuildContext("fake-package-id", md, codePackage) Expect(err).To(MatchError(ContainSubstring("could not untar source package"))) }) }) Context("when package id contains inappropriate chars", func() { It("replaces them with dash", func() { buildContext, err := externalbuilder.NewBuildContext("i&am/pkg:id", md, codePackage) Expect(err).NotTo(HaveOccurred()) Expect(buildContext.ScratchDir).To(ContainSubstring("fabric-i-am-pkg-id")) }) }) }) Describe("Detector", func() { var ( durablePath string detector *externalbuilder.Detector ) BeforeEach(func() { var err error durablePath, err = ioutil.TempDir("", "detect-test") Expect(err).NotTo(HaveOccurred()) detector = &externalbuilder.Detector{ Builders: externalbuilder.CreateBuilders([]peer.ExternalBuilder{ {Path: "bad1", Name: "bad1"}, {Path: "testdata/goodbuilder", Name: "goodbuilder"}, {Path: "bad2", Name: "bad2"},
DurablePath: durablePath, } }) AfterEach(func() { if durablePath != "" { err := os.RemoveAll(durablePath) Expect(err).NotTo(HaveOccurred()) } }) Describe("Build", func() { It("iterates over all detectors and chooses the one that matches", func() { instance, err := detector.Build("fake-package-id", md, codePackage) Expect(err).NotTo(HaveOccurred()) Expect(instance.Builder.Name).To(Equal("goodbuilder")) }) Context("when no builder can be found", func() { BeforeEach(func() { detector.Builders = externalbuilder.CreateBuilders([]peer.ExternalBuilder{ {Path: "bad1", Name: "bad1"}, }, "mspid") }) It("returns a nil instance", func() { i, err := detector.Build("fake-package-id", md, codePackage) Expect(err).NotTo(HaveOccurred()) Expect(i).To(BeNil()) }) }) It("persists the build output", func() { _, err := detector.Build("fake-package-id", md, codePackage) Expect(err).NotTo(HaveOccurred()) Expect(filepath.Join(durablePath, "fake-package-id", "bld")).To(BeADirectory()) Expect(filepath.Join(durablePath, "fake-package-id", "release")).To(BeADirectory()) Expect(filepath.Join(durablePath, "fake-package-id", "build-info.json")).To(BeARegularFile()) }) Context("when the durable path cannot be created", func() { BeforeEach(func() { detector.DurablePath = "path/to/nowhere" }) It("wraps and returns the error", func() { _, err := detector.Build("fake-package-id", md, codePackage) Expect(err).To(MatchError("could not create dir 'path/to/nowhere/fake-package-id' to persist build output: mkdir path/to/nowhere/fake-package-id: no such file or directory")) }) }) }) Describe("CachedBuild", func() { var existingInstance *externalbuilder.Instance BeforeEach(func() { var err error existingInstance, err = detector.Build("fake-package-id", md, codePackage) Expect(err).NotTo(HaveOccurred()) // ensure the builder will fail if invoked detector.Builders[0].Location = "bad-path" }) It("returns the existing built instance", func() { newInstance, err := detector.Build("fake-package-id", md, codePackage) Expect(err).NotTo(HaveOccurred()) Expect(existingInstance).To(Equal(newInstance)) }) When("the build-info is missing", func() { BeforeEach(func() { err := os.RemoveAll(filepath.Join(durablePath, "fake-package-id", "build-info.json")) Expect(err).NotTo(HaveOccurred()) }) It("returns an error", func() { _, err := detector.Build("fake-package-id", md, codePackage) Expect(err).To(MatchError(ContainSubstring("existing build could not be restored: could not read '"))) }) }) When("the build-info is corrupted", func() { BeforeEach(func() { err := ioutil.WriteFile(filepath.Join(durablePath, "fake-package-id", "build-info.json"), []byte("{corrupted"), 0600) Expect(err).NotTo(HaveOccurred()) }) It("returns an error", func() { _, err := detector.Build("fake-package-id", md, codePackage) Expect(err).To(MatchError(ContainSubstring("invalid character 'c' looking for beginning of object key string"))) }) }) When("the builder is no longer available", func() { BeforeEach(func() { detector.Builders = detector.Builders[:1] }) It("returns an error", func() { _, err := detector.Build("fake-package-id", md, codePackage) Expect(err).To(MatchError("existing build could not be restored: chaincode 'fake-package-id' was already built with builder 'goodbuilder', but that builder is no longer available")) }) }) }) }) Describe("Builders", func() { var ( builder *externalbuilder.Builder buildContext *externalbuilder.BuildContext ) BeforeEach(func() { builder = &externalbuilder.Builder{ Location: "testdata/goodbuilder", Name: "goodbuilder", Logger: logger, MSPID: "mspid", } var err error buildContext, err = externalbuilder.NewBuildContext("fake-package-id", md, codePackage) Expect(err).NotTo(HaveOccurred()) }) AfterEach(func() { buildContext.Cleanup() }) Describe("Detect", func() { It("detects when the package is handled by the external builder", func() { result := builder.Detect(buildContext) Expect(result).To(BeTrue()) }) Context("when the detector exits with a non-zero status", func() { BeforeEach(func() { builder.Location = "testdata/failbuilder" }) It("returns false", func() { result := builder.Detect(buildContext) Expect(result).To(BeFalse()) }) }) }) Describe("Build", func() { It("builds the package by invoking external builder", func() { err := builder.Build(buildContext) Expect(err).NotTo(HaveOccurred()) }) Context("when the builder exits with a non-zero status", func() { BeforeEach(func() { builder.Location = "testdata/failbuilder" builder.Name = "failbuilder" }) It("returns an error", func() { err := builder.Build(buildContext) Expect(err).To(MatchError("external builder 'failbuilder' failed: exit status 1")) }) }) }) Describe("Release", func() { It("releases the package by invoking external builder", func() { err := builder.Release(buildContext) Expect(err).NotTo(HaveOccurred()) }) When("the release binary is not in the builder", func() { BeforeEach(func() { builder.Location = "bad-builder-location" }) It("returns no error as release is optional", func() { err := builder.Release(buildContext) Expect(err).NotTo(HaveOccurred()) }) }) When("the builder exits with a non-zero status", func() { BeforeEach(func() { builder.Location = "testdata/failbuilder" builder.Name = "failbuilder" }) It("returns an error", func() { err := builder.Release(buildContext) Expect(err).To(MatchError("builder 'failbuilder' release failed: exit status 1")) }) }) }) Describe("Run", func() { var ( fakeConnection *ccintf.PeerConnection bldDir string ) BeforeEach(func() { var err error bldDir, err = ioutil.TempDir("", "run-test") Expect(err).NotTo(HaveOccurred()) fakeConnection = &ccintf.PeerConnection{ Address: "fake-peer-address", TLSConfig: &ccintf.TLSConfig{ ClientCert: []byte("fake-client-cert"), ClientKey: []byte("fake-client-key"), RootCert: []byte("fake-root-cert"), }, } }) AfterEach(func() { if bldDir != "" { err := os.RemoveAll(bldDir) Expect(err).NotTo(HaveOccurred()) } }) It("runs the package by invoking external builder", func() { sess, err := builder.Run("test-ccid", bldDir, fakeConnection) Expect(err).NotTo(HaveOccurred()) errCh := make(chan error) go func() { errCh <- sess.Wait() }() Eventually(errCh).Should(Receive(BeNil())) }) }) Describe("NewCommand", func() { It("only propagates expected variables", func() { var expectedEnv []string for _, key := range externalbuilder.DefaultEnvWhitelist { if val, ok := os.LookupEnv(key); ok { expectedEnv = append(expectedEnv, fmt.Sprintf("%s=%s", key, val)) } } cmd := builder.NewCommand("/usr/bin/env") Expect(cmd.Env).To(ConsistOf(expectedEnv)) output, err := cmd.CombinedOutput() Expect(err).NotTo(HaveOccurred()) env := strings.Split(strings.TrimSuffix(string(output), "\n"), "\n") Expect(env).To(ConsistOf(expectedEnv)) }) }) }) Describe("SanitizeCCIDPath", func() { It("forbids the set of forbidden windows characters", func() { sanitizedPath := externalbuilder.SanitizeCCIDPath(`<>:"/\|?*&`) Expect(sanitizedPath).To(Equal("----------")) }) }) })
}, "mspid"),
types.rs
use core::{ fmt, ops::{Add, Rem}, }; use uom::{ fmt::DisplayStyle::Abbreviation, si::f64::*, si::{ acceleration::foot_per_second_squared, angle::{degree, revolution}, length::foot, time::second, velocity::{foot_per_minute, knot}, }, }; /// Represents the current state of an aircraft #[derive(Clone, Debug, Default)] #[cfg_attr(feature = "use-serde", derive(serde::Serialize, serde::Deserialize))] pub struct AircraftState { /// Time when this aircraft state was emitted pub timestamp: Time, /// Height above sea level in foot pub altitude: Length, /// Height above current terrain in foot pub altitude_ground: Length, /// Rate of descent pub climb_rate: Velocity, /// Geographic Latitude, specifying the north-south position pub position_lat: Angle, /// Geographic Longitude, specifying the east-west position pub position_lon: Angle, /// Angle in degrees (clockwise) between north and the direction to the /// destination or nav aid //pub bearing: degree, /// Aircraft speed as measured by GPS pub speed_ground: Velocity, /// Airspeed as measured by pressure sensors pub speed_air: Velocity, /// Angle in degrees (clockwise) between north and the direction where the /// aircrafts nose is pointing pub heading: Angle, /// The angle on the pitch axis. A positive value means the aircraft's nose points upwards /// compared to the horizon. pub pitch: Angle, /// The angle on the roll axis. A positive value means the aircraft's left wing points upwards /// while the right wing points downwards compared to the horizon. Another way of phrasing it: /// a positive value means the aircraft is rotated clockwise (as seen from behind). pub roll: Angle, /// Whether steep approach is selected pub steep_approach: bool, } /// This configuration holds various details about the aircraft in use. These are necessary for /// example when estimating path trajectories for FLTA. #[derive(Clone, Debug)] pub struct TawsConfig { pub max_climbrate: Velocity, pub max_climbrate_change: Acceleration, } impl AircraftState { /// Normalizes an `AircraftState`. Only normalized `AircraftStates` should be fed to the TAWS. pub(crate) fn normalize(&mut self) { let one_revolution = Angle::new::<revolution>(1.0); let half_revolution = Angle::new::<revolution>(0.5); let quarter_revolution = Angle::new::<revolution>(0.25); self.heading = Self::modulo(self.heading, one_revolution); self.roll = Self::modulo(self.roll + half_revolution, one_revolution) - half_revolution; self.pitch = Self::modulo(self.pitch + half_revolution, one_revolution) - half_revolution; self.position_lat = Self::modulo(self.position_lat + quarter_revolution, half_revolution) - quarter_revolution; self.position_lon = Self::modulo(self.position_lon + half_revolution, one_revolution) - half_revolution; } pub(crate) fn check(&self) { let zero = Angle::new::<revolution>(0.0); let one_revolution = Angle::new::<revolution>(1.0); let half_revolution = Angle::new::<revolution>(0.5); let quarter_revolution = Angle::new::<revolution>(0.25); (zero..=one_revolution).contains(&self.heading); (-half_revolution..=half_revolution).contains(&self.roll); (-half_revolution..=half_revolution).contains(&self.pitch); (-quarter_revolution..=quarter_revolution).contains(&self.position_lat); (-half_revolution..=half_revolution).contains(&self.position_lon); } fn modulo<T: Copy + Add<Output = T> + Rem<Output = T>>(a: T, b: T) -> T { ((a % b) + b) % b } } impl fmt::Display for AircraftState { fn fmt(&self, f: &mut fmt::Formatter<'_>) -> fmt::Result
} impl Default for TawsConfig { fn default() -> Self { Self { max_climbrate: Velocity::new::<foot_per_minute>(700.0), max_climbrate_change: Acceleration::new::<foot_per_second_squared>(100.0), } } } #[cfg(test)] mod test { use super::*; use uom::si::length::foot; const EPS: f64 = 1e-10; #[test] fn negative_altitude() { let mut state = AircraftState::default(); state.altitude_ground = Length::new::<foot>(-12.0); } #[test] fn normalize_angle_below_zero() { let mut aircraft_state = AircraftState::default(); aircraft_state.heading = Angle::new::<degree>(-1.0); aircraft_state.normalize(); assert_eq!(aircraft_state.heading, Angle::new::<degree>(359.0)); } #[test] fn normalize_angle_far_below_zero() { let mut aircraft_state = AircraftState::default(); aircraft_state.heading = Angle::new::<degree>(-1024.0); aircraft_state.normalize(); assert!((aircraft_state.heading - Angle::new::<degree>(56.0)).get::<degree>() < EPS); } #[test] fn normalize_angle_far_above_zero() { let mut aircraft_state = AircraftState::default(); aircraft_state.heading = Angle::new::<degree>(1024.0); aircraft_state.normalize(); assert!((aircraft_state.heading - Angle::new::<degree>(304.0)).get::<degree>() < EPS); } }
{ let s = Time::format_args(second, Abbreviation); let ft = Length::format_args(foot, Abbreviation); let dg = Angle::format_args(degree, Abbreviation); let fpm = Velocity::format_args(foot_per_minute, Abbreviation); let kt = Velocity::format_args(knot, Abbreviation); write!( f, "AircrafState: timestamp: {timestamp:.4} altitude_sea: {altitude_sea:.2} altitude_ground: {altitude_ground:.2} climb_rate: {climb_rate:.2} position_lat: {position_lat:.7} position_lon: {position_lon:.7} heading: {heading:.2} speed: {speed:.2} pitch_angle: {pitch_angle:.2} roll_angle: {roll_angle:.2} steep_approach: {steep_approach}\n", timestamp = s.with(self.timestamp), altitude_sea = ft.with(self.altitude), altitude_ground = ft.with(self.altitude_ground), climb_rate = fpm.with(self.climb_rate), position_lat = dg.with(self.position_lat), position_lon = dg.with(self.position_lon), heading = dg.with(self.heading), speed = kt.with(self.speed_ground), pitch_angle = dg.with(self.pitch), roll_angle = dg.with(self.roll), steep_approach = self.steep_approach, ) }
setup.py
from setuptools import setup setup( name='python-i18n', version='0.3.9', description='Translation library for Python', long_description=open('README.md').read(), long_description_content_type='text/markdown', author='Daniel Perez', author_email='[email protected]', url='https://github.com/tuvistavie/python-i18n', download_url='https://github.com/tuvistavie/python-i18n/archive/master.zip', license='MIT', packages=['i18n', 'i18n.loaders', 'i18n.tests'], include_package_data=True,
}, classifiers=[ 'Development Status :: 4 - Beta', 'Environment :: Other Environment', 'Intended Audience :: Developers', 'License :: OSI Approved :: MIT License', 'Operating System :: OS Independent', 'Programming Language :: Python :: 2', 'Programming Language :: Python :: 3', 'Topic :: Software Development :: Libraries' ], )
zip_safe=True, test_suite='i18n.tests', extras_require={ 'YAML': ["pyyaml>=3.10"],
image.ios.js
var imageCommon = require("./image-common"); var enums = require("ui/enums"); var style = require("ui/styling/style"); var trace = require("trace"); var utils = require("utils/utils"); global.moduleMerge(imageCommon, exports); function onStretchPropertyChanged(data) { var image = data.object; switch (data.newValue) { case enums.Stretch.aspectFit: image.ios.contentMode = 1; break; case enums.Stretch.aspectFill: image.ios.contentMode = 2; break; case enums.Stretch.fill: image.ios.contentMode = 0; break; case enums.Stretch.none: default: image.ios.contentMode = 9; break; } } function onImageSourcePropertyChanged(data) { var image = data.object; image._setNativeImage(data.newValue ? data.newValue.ios : null); } imageCommon.Image.imageSourceProperty.metadata.onSetNativeValue = onImageSourcePropertyChanged; imageCommon.Image.stretchProperty.metadata.onSetNativeValue = onStretchPropertyChanged; var Image = (function (_super) { __extends(Image, _super); function Image() { _super.call(this); this._imageSourceAffectsLayout = true; this._templateImageWasCreated = false; this._ios = UIImageView.new(); this._ios.contentMode = 1; this._ios.clipsToBounds = true; this._ios.userInteractionEnabled = true; } Object.defineProperty(Image.prototype, "ios", { get: function () { return this._ios; }, enumerable: true, configurable: true }); Image.prototype._setTintColor = function (value) { if (value !== null && this._ios.image && !this._templateImageWasCreated) { this._ios.image = this._ios.image.imageWithRenderingMode(2); this._templateImageWasCreated = true; } this._ios.tintColor = value; }; Image.prototype._setNativeImage = function (nativeImage) { if (this.style.tintColor && nativeImage) { nativeImage = nativeImage.imageWithRenderingMode(2); this._templateImageWasCreated = true; } else { this._templateImageWasCreated = false; } this.ios.image = nativeImage; if (this._imageSourceAffectsLayout) { this.requestLayout(); } }; Image.prototype.onMeasure = function (widthMeasureSpec, heightMeasureSpec) { var width = utils.layout.getMeasureSpecSize(widthMeasureSpec); var widthMode = utils.layout.getMeasureSpecMode(widthMeasureSpec); var height = utils.layout.getMeasureSpecSize(heightMeasureSpec); var heightMode = utils.layout.getMeasureSpecMode(heightMeasureSpec); var nativeWidth = this.imageSource ? this.imageSource.width : 0; var nativeHeight = this.imageSource ? this.imageSource.height : 0; var measureWidth = Math.max(nativeWidth, this.minWidth); var measureHeight = Math.max(nativeHeight, this.minHeight); var finiteWidth = widthMode !== utils.layout.UNSPECIFIED; var finiteHeight = heightMode !== utils.layout.UNSPECIFIED; this._imageSourceAffectsLayout = widthMode !== utils.layout.EXACTLY || heightMode !== utils.layout.EXACTLY; if (nativeWidth !== 0 && nativeHeight !== 0 && (finiteWidth || finiteHeight)) { var scale = Image.computeScaleFactor(width, height, finiteWidth, finiteHeight, nativeWidth, nativeHeight, this.stretch); var resultW = Math.round(nativeWidth * scale.width); var resultH = Math.round(nativeHeight * scale.height); measureWidth = finiteWidth ? Math.min(resultW, width) : resultW; measureHeight = finiteHeight ? Math.min(resultH, height) : resultH; if (trace.enabled) { trace.write("Image stretch: " + this.stretch + ", nativeWidth: " + nativeWidth + ", nativeHeight: " + nativeHeight, trace.categories.Layout); } } var widthAndState = Image.resolveSizeAndState(measureWidth, width, widthMode, 0); var heightAndState = Image.resolveSizeAndState(measureHeight, height, heightMode, 0); this.setMeasuredDimension(widthAndState, heightAndState); }; Image.computeScaleFactor = function (measureWidth, measureHeight, widthIsFinite, heightIsFinite, nativeWidth, nativeHeight, imageStretch) { var scaleW = 1; var scaleH = 1; if ((imageStretch === enums.Stretch.aspectFill || imageStretch === enums.Stretch.aspectFit || imageStretch === enums.Stretch.fill) && (widthIsFinite || heightIsFinite)) { scaleW = (nativeWidth > 0) ? measureWidth / nativeWidth : 0; scaleH = (nativeHeight > 0) ? measureHeight / nativeHeight : 0; if (!widthIsFinite) { scaleW = scaleH; }
else { switch (imageStretch) { case enums.Stretch.aspectFit: scaleH = scaleW < scaleH ? scaleW : scaleH; scaleW = scaleH; break; case enums.Stretch.aspectFill: scaleH = scaleW > scaleH ? scaleW : scaleH; scaleW = scaleH; break; } } } return { width: scaleW, height: scaleH }; }; return Image; }(imageCommon.Image)); exports.Image = Image; var ImageStyler = (function () { function ImageStyler() { } ImageStyler.setTintColorProperty = function (view, newValue) { var image = view; image._setTintColor(newValue); }; ImageStyler.resetTintColorProperty = function (view, nativeValue) { view.ios.tintColor = null; }; ImageStyler.registerHandlers = function () { style.registerHandler(style.tintColorProperty, new style.StylePropertyChangedHandler(ImageStyler.setTintColorProperty, ImageStyler.resetTintColorProperty), "Image"); }; return ImageStyler; }()); exports.ImageStyler = ImageStyler; ImageStyler.registerHandlers(); //# sourceMappingURL=image.ios.js.map
else if (!heightIsFinite) { scaleH = scaleW; }
filter.py
from logging import Filter as _Filter from betterLogger import config
class Filter(_Filter): def filter(self, record): return (not config.log_whitelist_on or any(record.name.startswith(name) for name in config.log_whitelist)) and \ not any(record.name.startswith(name) for name in config.log_blacklist)
strandSwitchMetrics.py
#!/usr/bin/env python2.7 import sys from collections import defaultdict, deque from scipy.stats.stats import pearsonr from math import log import argparse ## THIS PARTICULAR SCRIPT IS DEPRECATED ## It is now under the name strandSwitchMetrics.py in PufferFish suite. ## Created circa June 11, 2014. ## Former scriptname = rawPileUpToOEMinput.py ## - original use: convert bedtools stranded depth files into input format for OEM.py. ## - evolved use : instead of needing 2 scripts and 2 steps, just perform OEM steps here as well. ## old examples ## ./rawPileUpToOEMinput.py loessAsOEMinput/dbf4loessSpan0.3.imputedMissingData.txt 300 0.000000001 > callPeaksFromOEMCorrectedHeightSignal/ddbf4loessSpan0.3.imputedMissingData.300bpWin.1e-9pseudo.oemFile ## September 2021 ## - added argument parser, and re-structured accordingly. ## - now can use scriptname.py -h for more usage info. ## - legacy usage still possible with input format 2 and output format 1 (see help options for more info on formats). ############################################################################## ''' ARGUMENT PARSER ''' ############################################################################## parser = argparse.ArgumentParser(description=""" DESCRIPTION Usage: """, formatter_class= argparse.RawTextHelpFormatter) parser_input = parser.add_mutually_exclusive_group() parser_input.add_argument('-i', "--input", type= str, default="-", help='''Text file (or stdin) of variety of formats to be specified with -f. Use "-" or "stdin" or leave blank for piping into stdin.''') parser.add_argument('-f', "--inputformat", type=int, required=True, help='''What input format to expect? 1 = CSV: Complete position records: Chr, pos, fwd strand coverage, reverse strand coverage. (pos is 1 -based) 2 = TSV: Stranded position records format1: Chr, pos, strand, coverage. Forward strand can be specified as 0, +, plus, f, fwd, forward, pos, positive. Reverse strand can be specified as 16, -, minus, r, rev, reverse, neg, negative. 3 = CSV: Loess smoothed position records: chr, pos, smoothed value*. The smoothed value is obtained first by getting counts from fwd and reverse strands independently. Then counts on negative strand are moved as needed (e.g. to represent 5' end) and made negative (e.g. 10 becomes -10). Then positive and negative counts are combined. Then smoothing is performed to give smoothed averages over each position weighted toward the strand with most coverage. Thus, smoothed values range from negative to positive real values.''') parser.add_argument('-F', "--outputformat", type=int, default=2, help='''What input format to expect? Default is format 2. 1 = CSV: OEM input as output (same as input format 1): Chr, pos, fwd strand coverage, reverse strand coverage. (pos is 1 -based) Only possible with input format 2. 2 = TSV: OEM expanded output: Skip the 2 step process that pipes into OEM.py and get OEM output here.''') parser.add_argument('-w', '--windowsize', type=int, default=10000, help='''Window size to use. Default = 10000 (10 kb). windowSize is how big the window is to left of a position (for WL and CL calculations) and to the right (for WR and CR). This should be set to '10000' if unsure.''') parser.add_argument('-p', '--pseudocount', type=float, default=0, help='''Pseudocount to use. Default = 0. The pseudocount is used to prevent division by 0. In 10kb bins on yeast genome it is unlikely to get a division-by-zero error. This is not necessarily true for the human genome or smaller window sizes, thus a pseudocount can help. Suggested pseudocount if needed is 1, but using sequencing depth and other knowledge to decide is better.''') parser.add_argument('-a', '--negStrandPositionAdjustment', type=int, default=0, help='''In some applications, one needs to adjust the reported positions on the negative strands. For example, if you create an input file (format 1) from SAM records (Chr, pos, strand, coverage), and you want to assign the counts to 5' ends, you might adjust negative strand position by adding the readlength -1. This is not perfect. It is advised to do all adjustments, including this type, BEFORE using this script with utilities such as AWK. For the case given, BEDtools might be all you need to get actual coverage values of 5 prime ends on each strand.''') #parser.add_argument('-H', '--hasheader', action='store_true', default=False, # help='''Use this flag if the inputCSV has the header line 'chr,pos,fwd_str,rev_str'.''') #parser.add_argument('-c', '--csvformat', action='store_true', default=False, # help='''Use this flag for CSV output formatting instead of bedGraph formatting.''') args = parser.parse_args() ############################################################################## ''' ASSERTIONS ''' ############################################################################## if args.outputformat == 1: assert args.inputformat == 2 ############################################################################## ''' FUNCTIONS ''' ############################################################################## def log_b(b): ''' returns function that does log_b(x)''' logOfB = log(b) def logb(x): return log(x)/logOfB return logb log2 = log_b(b=2) class PositionCounts(object): def __init__(self, negStrandPositionAdjustment=0, windowsize=500, pseudocount=0.1): self.posdict = dict() self.negStrandPositionAdjustment = negStrandPositionAdjustment self.chrom = None self.windowsize = windowsize self.pseudocount = pseudocount def sameChrom(self, chrom): if self.chrom == None: self.chrom = chrom return True elif self.chrom != chrom: return False else: #self.chrom == chrom return True def changeChrom(self, chrom): self.chrom = chrom ## def addCount(self, pos, strand, count): ## '''0 = fwd strand; 16 = rev strand. Integers match SAM flags - otherwise arbitrary.''' ## if strand == 16: ## #pos += self.readlen - 1 ## pos += self.negStrandPositionAdjustment ## try: ## self.posdict[pos][strand] += float(count) ## except KeyError: ## try: ## self.posdict[pos][strand] = float(count) ## except: ## self.posdict[pos] = {0:0,16:0} ## self.posdict[pos][strand] = float(count) def addCount(self, chrom, pos, strand, count): '''0 = fwd strand; 16 = rev strand. Integers match SAM flags - otherwise arbitrary.''' if strand == 16: #pos += self.readlen - 1 pos += self.negStrandPositionAdjustment # Ensure/initialize chrom key try: self.posdict[chrom] except: self.posdict[chrom] = {} # Ensure/initialize chrom pos key try: self.posdict[chrom][pos] except: self.posdict[chrom][pos] = {0:0,16:0} # Add count to strand self.posdict[chrom][pos][strand] += float(count) ## def outputChrom(self, newchrom): ## for pos in self.posdict.keys(): ## fwd = self.posdict[pos][0] ## rev = self.posdict[pos][16] ## print ",".join(str(e) for e in [self.chrom,pos,fwd,rev]) def outputChrom(self, chrom=None): if chrom is None: chrom=self.chrom for pos in sorted(self.posdict[chrom].keys()): fwd = self.posdict[chrom][pos][0] rev = self.posdict[chrom][pos][16] print ",".join(str(e) for e in [chrom,pos,fwd,rev]) def outputAllChrom(self): for chrom in sorted(self.posdict.keys()): self.outputChrom(chrom) def outputChromOEM(self, chrom=None): if chrom is None: chrom=self.chrom OEM(chrom, self.posdict[chrom], self.windowsize, self.pseudocount) #self.chrom = newchrom #self.posdict = dict() def outputAllChromOEM(self): for chrom in sorted(self.posdict.keys()): self.outputChromOEM(chrom) def outputChromLocalCorrelation(self,newchrom): localCor(self.chrom) def reset(self, newchrom): self.chrom = newchrom self.posdict = dict() def updateWC(Pos, posdict, WL, CL, WR, CR, windowsize, pseudocount,fwd=0,rev=16): ''' part of OEM below''' try: WL += posdict[Pos][fwd] + pseudocount CL += posdict[Pos][rev] + pseudocount WR -= posdict[Pos][fwd] CR -= posdict[Pos][rev] except KeyError: WL += pseudocount CL += pseudocount try: WL -= posdict[Pos-windowsize][fwd] CL -= posdict[Pos-windowsize][rev] except KeyError: pass try: WR += posdict[Pos+windowsize][fwd] + pseudocount CR += posdict[Pos+windowsize][rev] + pseudocount except KeyError: WR += pseudocount CR += pseudocount return WL, CL, WR, CR def OEM(chrom, posdict, windowsize=500, pseudocount=0.1): """Takes in posDict (of single chr), returns oemDict""" def findbalance(WL, CR, log2Dict): try: log2Dict[WL] ## if it sets of KeyError put it in except KeyError: log2Dict[WL] = log2(WL) try: log2Dict[CR] except KeyError: log2Dict[CR] = log2(CR) return log2Dict[WL] - log2Dict[CR], log2Dict fwd=0 rev=16 # initialize oemDict oemDict = {} positions = deque(sorted(posdict.keys())) chrStart = positions[0] chrLen = positions[-1] log2Dict = {2:log2(2)} # Set the start and end position (end position is 10,000 bp less than last position) (JB) start = chrStart+windowsize-1 ##end = chrLen - windowsize ## make sure this works end = chrLen - windowsize + 1 ## make sure this works ## GIVE DUMMY LINE AND STOP IF CHRLEN < MinLen == (w+1)*2 if chrLen < (windowsize+1)*2: Pos = 1 oem, ratio, height, balance, bias, skew, summit = 0, 0, 0, 0, 0, 0, 0 sys.stdout.write("\t".join([str(e) for e in [chrom, Pos, oem, ratio, height, balance, bias, skew, summit]])+"\n") return ### CONTINUE IF CHRLEN >= MinLen == (w+1)*2 # Calculate the first window (JB) -- float() used to avoid default 'int division' WL, CL, WR, CR = pseudocount, pseudocount, pseudocount, pseudocount L = [chrStart,start+1] R = [start+1,start+1+windowsize] while positions[0] >= L[0] and positions[0] < L[1]: WL += posdict[positions[0]][fwd] CL += posdict[positions[0]][rev] positions.popleft() while positions[0] >= R[0] and positions[0] < R[1]: WR += posdict[positions[0]][fwd] CR += posdict[positions[0]][rev] positions.popleft() # Set up the storage oem (JB) L = (WL / (WL + CL)) R = (WR / (WR + CR)) ## print L, R oem = L - R ratio = L/R height = sum([WL,CL,WR,CR]) ## oemCorrectedHeight = oem*height ## really oem can be used to correct FE signal not just treatment read signal balance, log2Dict = findbalance(WL, CR, log2Dict) ## divind by max(balance) in R puts everything between 1 to -1 bias = (WL-CR)/(WL+CR) ## bias is related to balance -- +1 means the balance is skewed toward left peak, -1 means skewed towad right peak, 0 is noskew (balance) what you want ## you can have no-skew and balance in non-double peak situations though ## biasInProportion = bias*(WL+CR) ## this gives a bias proportional to height of signal looked at ## -- with shorter double peaks, smaller fluxuations look more biased so multiplying by the smaller number sends it less far away from 0 than if they were taller double peaks skew = (WL-CL)/(WL+CL) - (WR-CR)/(WR+CR) ## skew is related to oem. it can go from +2 to -2. summit = 2 * (WL * CR)**0.5 - WR - CL #oem = (WL / (WL + CL)) - (WR / (WR + CR)) sys.stdout.write("\t".join([str(e) for e in [chrom, start, oem, ratio, height, balance, bias, skew, summit]])+"\n") ## Iterative steps numPositions = len(range(start,end)) Pos = start for i in range(1, numPositions): # Update the pos Pos += 1 WL, CL, WR, CR = updateWC(Pos, posdict, WL, CL, WR, CR, windowsize, pseudocount) L = (WL / (WL + CL)) R = (WR / (WR + CR)) oem = L - R ## heightWC = WL - CR ratio = L/R height = sum([WL,CL,WR,CR]) ## oemCorrectedHeight = oem*height ## can correct height in R by oem*height or oem*skew balance, log2Dict = findbalance(WL, CR, log2Dict) bias = (WL-CR)/(WL+CR) ## biasInProportion = bias*(WL+CR) skew = (WL-CL)/(WL+CL) - (WR-CR)/(WR+CR) summit = 2 * (WL * CR)**0.5 - WR - CL ## in practice, for positive values macs2RefinePeak(summit) is proportional to oemCorrectedHeight ## and for negative values just follows the of the loess smoothed curve whether the values were negative or, if positive, reflected over 0 ## in some ways its is just reflecting height over 0 so all height is negative and"dips/valleys" become peaks (due to the reflection), some of which summit over 0 ## oemCorrectedHeight is a little better for the following reasons: ## 1. it sees both WL-->CR switches (positive peaks, oris) and CL --> WR (neg peaks, fork merge spots) as oem is able to do ## 2. everything else is essentially 0 so it just looks like +/- spikes occurring along a line sys.stdout.write("\t".join([str(e) for e in [chrom, Pos, oem, ratio, height, balance, bias, skew, summit]])+"\n") ### What needs to be done: all that should be calculated here is oem ### Then there needs to be a function that goes through oem signal and marks peak boundaries give some cutoff. ### Could have separate ones that call pos OEMs and neg OEMs ### Then something would take peak boundaries in post-hoc and calculate these metrics (height, ormCorrHeight, balance, bias, biasInPro, skew) ### One could do it across the peak in sliding windows, or just from the peak OEM summit to left and right some fixed distance (so result is not influenced by peak width) ### Below I pasted macs2 refine peak: ## It starts at peak start and takes WL,WR,CL,CR in 100 bp windows to each side ## It applies/records this calc: 2 * (watson_left * crick_right)**0.5 - watson_right - crick_left ## It then iterates moving up 1 bp and does it all again up intil peak end ## It then takes the index of the max score (from calculation) as the summit ## Thus, this calculation behaves in some proportional way to the OEM calc ##def macs2_find_summit(chrom, plus, minus, peak_start, peak_end, name = "peak", window_size=100, cutoff = 5): ## ## left_sum = lambda strand, pos, width = window_size: sum([strand[x] for x in strand if x <= pos and x >= pos - width]) ## right_sum = lambda strand, pos, width = window_size: sum([strand[x] for x in strand if x >= pos and x <= pos + width]) ## left_forward = lambda strand, pos: strand.get(pos,0) - strand.get(pos-window_size, 0) ## right_forward = lambda strand, pos: strand.get(pos + window_size, 0) - strand.get(pos, 0) ## ## watson, crick = (Counter(plus), Counter(minus)) ## watson_left = left_sum(watson, peak_start) ## crick_left = left_sum(crick, peak_start) ## watson_right = right_sum(watson, peak_start) ## crick_right = right_sum(crick, peak_start) ## ## wtd_list = [] ## for j in range(peak_start, peak_end+1): ## wtd_list.append(2 * (watson_left * crick_right)**0.5 - watson_right - crick_left) ## watson_left += left_forward(watson, j) ## watson_right += right_forward(watson, j) ## crick_left += left_forward(crick, j) ## crick_right += right_forward(crick,j) ## ## wtd_max_val = max(wtd_list) ## wtd_max_pos = wtd_list.index(wtd_max_val) + peak_start ## ## #return (chrom, wtd_max_pos, wtd_max_pos+1, wtd_max_val) ## ## if wtd_max_val > cutoff: ## return (chrom, wtd_max_pos, wtd_max_pos+1, name+"_R" , wtd_max_val) # 'R'efined ## else: ## return (chrom, wtd_max_pos, wtd_max_pos+1, name+"_F" , wtd_max_val) # 'F'ailed def localCorr(): pass def getstrand(strand): if strand in ('0', '+', 'plus', 'fwd', 'f', 'forward', 'pos', 'positive'): return 0 elif strand in ('16', '-', 'minus', 'rev', 'r', 'reverse', 'neg', 'negative'):
else: sys.stderr("Unexpected strand format encountered.... Exiting....") quit() ##def processCounts(fileconnection, ## negStrandPositionAdjustment, ## windowsize=500, ## pseudocount=0.1, ## delim="\t"): ## ## initial ## countsOf5pEnds = PositionCounts(negStrandPositionAdjustment=negStrandPositionAdjustment, ## windowsize=windowsize, ## pseudocount=pseudocount) ## ## for line in fileconnection: ## line = line.strip().split( delim ) ## chrom = line[0] ## pos = int(line[1]) ## strand = getstrand(line[2]) ## count = int(line[3]) ## countsOf5pEnds.addCount(chrom=chrom, ## pos=pos, ## strand=strand, ## count=count) #### if countsOf5pEnds.sameChrom(chrom): #### countsOf5pEnds.addCount(chrom=chrom, #### pos=pos, #### strand=strand, #### count=count) #### else: #### countsOf5pEnds.outputChrom() #### countsOf5pEnds.changeChrom(chrom) #### countsOf5pEnds.addCount(chrom=chrom, #### pos=pos, #### strand=strand, #### count=count) #### ## print last chr #### countsOf5pEnds.outputChrom() ## countsOf5pEnds.outputAllChrom() ##def processOEMs(fileconnection, ## negStrandPositionAdjustment, ## windowsize=500, ## pseudocount=0.1): ## ## initial ## countsOf5pEnds = PositionCounts(negStrandPositionAdjustment=negStrandPositionAdjustment, ## windowsize=windowsize, ## pseudocount=pseudocount) ## for line in fileconnection: ## line = line[:-1].split() ## chrom = line[0] ## pos = int(line[1]) ## strand = getstrand(line[2]) ## count = int(line[3]) ## countsOf5pEnds.addCount(chrom=chrom, ## pos=pos, ## strand=strand, ## count=count) #### if countsOf5pEnds.sameChrom(chrom): #### countsOf5pEnds.addCount(chrom=chrom, #### pos=pos, #### strand=strand, #### count=count) #### else: #### countsOf5pEnds.outputChromOEM() #### countsOf5pEnds.changeChrom(chrom) #### countsOf5pEnds.addCount(chrom=chrom, #### pos=pos, #### strand=strand, #### count=count) #### ## print last chr #### countsOf5pEnds.outputChromOEM() ## countsOf5pEnds.outputAllChromOEM() def processCounts(fileconnection, negStrandPositionAdjustment, windowsize=500, pseudocount=0.1, delim="\t"): ## initial countsOf5pEnds = PositionCounts(negStrandPositionAdjustment=negStrandPositionAdjustment, windowsize=windowsize, pseudocount=pseudocount) for line in fileconnection: line = line.strip().split( delim ) chrom = line[0] pos = int(line[1]) strand = getstrand(line[2]) count = int(line[3]) countsOf5pEnds.addCount(chrom=chrom, pos=pos, strand=strand, count=count) return countsOf5pEnds def printOEMstyleInput(fileconnection, negStrandPositionAdjustment, windowsize=500, pseudocount=0.1, delim="\t"): counts = processCounts(fileconnection, negStrandPositionAdjustment, windowsize, pseudocount, delim) counts.outputAllChrom() ##def processOEMs(fileconnection, ## negStrandPositionAdjustment, ## windowsize=500, ## pseudocount=0.1, ## delim="\t"): ## ## initial ## countsOf5pEnds = PositionCounts(negStrandPositionAdjustment=negStrandPositionAdjustment, ## windowsize=windowsize, ## pseudocount=pseudocount) ## for line in fileconnection: ## line = line.strip().split( delim ) ## chrom = line[0] ## pos = int(line[1]) ## strand = getstrand(line[2]) ## count = int(line[3]) ## countsOf5pEnds.addCount(chrom=chrom, ## pos=pos, ## strand=strand, ## count=count) ## ## countsOf5pEnds.outputAllChromOEM() def printStrandSwitchMetrics(fileconnection, negStrandPositionAdjustment, windowsize=500, pseudocount=0.1, delim="\t"): counts = processCounts(fileconnection, negStrandPositionAdjustment, windowsize, pseudocount, delim) counts.outputAllChromOEM() # def processOEMsFromLoessCSV def printStrandSwitchMetricsFromLoessCSV(fileconnection, negStrandPositionAdjustment, windowsize=300, pseudocount=1e-9): ## initial countsOf5pEnds = PositionCounts(negStrandPositionAdjustment=negStrandPositionAdjustment, windowsize=windowsize, pseudocount=pseudocount) for line in fileconnection: line = line[:-1].split(",") chrom = line[0] pos = int(line[1]) count = float(line[2]) if count < 0: strand = 16 count = count*-1 else: strand = 0 countsOf5pEnds.addCount(chrom,pos,strand,count) ## if countsOf5pEnds.sameChrom(chrom): ## countsOf5pEnds.addCount(pos,strand,count) ## else: ## countsOf5pEnds.outputChromOEM(chrom) ## countsOf5pEnds.addCount(pos,strand,count) ## ## print last chr ## countsOf5pEnds.outputChromOEM(chrom) countsOf5pEnds.outputAllChromOEM() #def processOEMsFromOEMinput def printStrandSwitchMetricsFromOEMstyleInput(fileconnection, negStrandPositionAdjustment, windowsize=300, pseudocount=1e-9): ## initial countsOf5pEnds = PositionCounts(negStrandPositionAdjustment=negStrandPositionAdjustment, windowsize=windowsize, pseudocount=pseudocount) for line in fileconnection: line = line[:-1].split(",") chrom = line[0] pos = int(line[1]) fwd = float(line[2]) rev = float(line[3]) countsOf5pEnds.addCount(chrom,pos,0,fwd) countsOf5pEnds.addCount(chrom,pos,16,rev) ## print countsOf5pEnds.outputAllChromOEM() ############################################################################## ''' EXECUTION ''' ############################################################################## if __name__ == '__main__': if args.input in ("-", "stdin"): fileconnection = sys.stdin else: fileconnection = open(args.input, 'r') if args.inputformat == 1: printStrandSwitchMetricsFromOEMstyleInput(fileconnection, negStrandPositionAdjustment=args.negStrandPositionAdjustment, windowsize=args.windowsize, pseudocount = args.pseudocount) elif args.inputformat == 2: if args.outputformat == 1: printOEMstyleInput(fileconnection, negStrandPositionAdjustment = args.negStrandPositionAdjustment, windowsize = args.windowsize, pseudocount = args.pseudocount) else: #2 printStrandSwitchMetrics(fileconnection, negStrandPositionAdjustment = args.negStrandPositionAdjustment, windowsize = args.windowsize, pseudocount = args.pseudocount) elif args.inputformat == 3: printStrandSwitchMetricsFromLoessCSV(fileconnection, negStrandPositionAdjustment = args.negStrandPositionAdjustment, windowsize = args.windowsize, pseudocount = args.pseudocount)
return 16
coarse_mask_head.py
import torch import torch.nn as nn import torch.nn.functional as F from tkdet.layers import Conv2d from tkdet.layers import ShapeSpec from tkdet.models.roi_head.mask_head import MASK_HEAD_REGISTRY from tkdet.utils import weight_init __all__ = ["CoarseMaskHead"] @MASK_HEAD_REGISTRY.register() class CoarseMaskHead(nn.Module): def __init__(self, cfg, input_shape: ShapeSpec): super(CoarseMaskHead, self).__init__() self.num_classes = cfg.MODEL.NUM_CLASSES conv_dim = cfg.MODEL.ROI_MASK_HEAD.CONV_DIM self.fc_dim = cfg.MODEL.ROI_MASK_HEAD.FC_DIM num_fc = cfg.MODEL.ROI_MASK_HEAD.NUM_FC self.output_side_resolution = cfg.MODEL.ROI_MASK_HEAD.OUTPUT_SIDE_RESOLUTION self.input_channels = input_shape.channels self.input_h = input_shape.height self.input_w = input_shape.width self.conv_layers = [] if self.input_channels > conv_dim: self.reduce_channel_dim_conv = Conv2d( self.input_channels, conv_dim, kernel_size=1, activation="ReLU" ) self.conv_layers.append(self.reduce_channel_dim_conv) self.reduce_spatial_dim_conv = Conv2d( conv_dim, conv_dim, kernel_size=2, stride=2, padding=0, bias=True, activation="ReLU" ) self.conv_layers.append(self.reduce_spatial_dim_conv) input_dim = conv_dim * self.input_h * self.input_w input_dim //= 4 self.fcs = [] for k in range(num_fc): fc = nn.Linear(input_dim, self.fc_dim) self.add_module("coarse_mask_fc{}".format(k + 1), fc) self.fcs.append(fc) input_dim = self.fc_dim output_dim = self.num_classes * self.output_side_resolution * self.output_side_resolution self.prediction = nn.Linear(self.fc_dim, output_dim) nn.init.normal_(self.prediction.weight, std=0.001) nn.init.constant_(self.prediction.bias, 0) for layer in self.conv_layers: weight_init.c2_msra_fill(layer) for layer in self.fcs: weight_init.c2_xavier_fill(layer) def forward(self, x):
N = x.shape[0] x = x.view(N, self.input_channels, self.input_h, self.input_w) for layer in self.conv_layers: x = layer(x) x = torch.flatten(x, start_dim=1) for layer in self.fcs: x = F.relu(layer(x)) return self.prediction(x).view( N, self.num_classes, self.output_side_resolution, self.output_side_resolution )
user.go
package models import ( "database/sql" "strings" "time" "github.com/gobuffalo/pop/v5" "github.com/gobuffalo/uuid" "github.com/netlify/gotrue/storage" "github.com/netlify/gotrue/storage/namespace" "github.com/pkg/errors" "golang.org/x/crypto/bcrypt" ) const SystemUserID = "0" var SystemUserUUID = uuid.Nil // User respresents a registered user with email/password authentication type User struct { InstanceID uuid.UUID `json:"-" db:"instance_id"` ID uuid.UUID `json:"id" db:"id"` Aud string `json:"aud" db:"aud"` Role string `json:"role" db:"role"` Email string `json:"email" db:"email"` EncryptedPassword string `json:"-" db:"encrypted_password"` ConfirmedAt *time.Time `json:"confirmed_at,omitempty" db:"confirmed_at"` InvitedAt *time.Time `json:"invited_at,omitempty" db:"invited_at"` ConfirmationToken string `json:"-" db:"confirmation_token"` ConfirmationSentAt *time.Time `json:"confirmation_sent_at,omitempty" db:"confirmation_sent_at"` RecoveryToken string `json:"-" db:"recovery_token"` RecoverySentAt *time.Time `json:"recovery_sent_at,omitempty" db:"recovery_sent_at"` EmailChangeToken string `json:"-" db:"email_change_token"` EmailChange string `json:"new_email,omitempty" db:"email_change"` EmailChangeSentAt *time.Time `json:"email_change_sent_at,omitempty" db:"email_change_sent_at"` LastSignInAt *time.Time `json:"last_sign_in_at,omitempty" db:"last_sign_in_at"` AppMetaData JSONMap `json:"app_metadata" db:"raw_app_meta_data"` UserMetaData JSONMap `json:"user_metadata" db:"raw_user_meta_data"` IsSuperAdmin bool `json:"-" db:"is_super_admin"` CreatedAt time.Time `json:"created_at" db:"created_at"` UpdatedAt time.Time `json:"updated_at" db:"updated_at"` } // NewUser initializes a new user from an email, password and user data. func NewUser(instanceID uuid.UUID, email, password, aud string, userData map[string]interface{}) (*User, error) { id, err := uuid.NewV4() if err != nil { return nil, errors.Wrap(err, "Error generating unique id") } pw, err := hashPassword(password) if err != nil { return nil, err } user := &User{ InstanceID: instanceID, ID: id, Aud: aud, Email: email, UserMetaData: userData, EncryptedPassword: pw, } return user, nil } func NewSystemUser(instanceID uuid.UUID, aud string) *User { return &User{ InstanceID: instanceID, ID: SystemUserUUID, Aud: aud, IsSuperAdmin: true, } } func (User) TableName() string { tableName := "users" if namespace.GetNamespace() != "" { return namespace.GetNamespace() + "." + tableName } return tableName } func (u *User) BeforeCreate(tx *pop.Connection) error { return u.BeforeUpdate(tx) } func (u *User) BeforeUpdate(tx *pop.Connection) error { if u.ID == SystemUserUUID { return errors.New("Cannot persist system user") } return nil } func (u *User) BeforeSave(tx *pop.Connection) error { if u.ID == SystemUserUUID { return errors.New("Cannot persist system user") } if u.ConfirmedAt != nil && u.ConfirmedAt.IsZero() { u.ConfirmedAt = nil } if u.InvitedAt != nil && u.InvitedAt.IsZero() { u.InvitedAt = nil } if u.ConfirmationSentAt != nil && u.ConfirmationSentAt.IsZero() { u.ConfirmationSentAt = nil } if u.RecoverySentAt != nil && u.RecoverySentAt.IsZero() { u.RecoverySentAt = nil } if u.EmailChangeSentAt != nil && u.EmailChangeSentAt.IsZero() { u.EmailChangeSentAt = nil } if u.LastSignInAt != nil && u.LastSignInAt.IsZero() { u.LastSignInAt = nil } return nil } // IsConfirmed checks if a user has already being // registered and confirmed. func (u *User) IsConfirmed() bool { return u.ConfirmedAt != nil } // SetRole sets the users Role to roleName func (u *User) SetRole(tx *storage.Connection, roleName string) error { u.Role = strings.TrimSpace(roleName) return tx.UpdateOnly(u, "role") } // HasRole returns true when the users role is set to roleName func (u *User) HasRole(roleName string) bool { return u.Role == roleName } // UpdateUserMetaData sets all user data from a map of updates, // ensuring that it doesn't override attributes that are not // in the provided map. func (u *User) UpdateUserMetaData(tx *storage.Connection, updates map[string]interface{}) error { if u.UserMetaData == nil { u.UserMetaData = updates } else if updates != nil { for key, value := range updates { if value != nil { u.UserMetaData[key] = value } else { delete(u.UserMetaData, key) } } } return tx.UpdateOnly(u, "raw_user_meta_data") } // UpdateAppMetaData updates all app data from a map of updates func (u *User) UpdateAppMetaData(tx *storage.Connection, updates map[string]interface{}) error { if u.AppMetaData == nil { u.AppMetaData = updates } else if updates != nil { for key, value := range updates { if value != nil { u.AppMetaData[key] = value } else { delete(u.AppMetaData, key) } } } return tx.UpdateOnly(u, "raw_app_meta_data") } func (u *User) SetEmail(tx *storage.Connection, email string) error { u.Email = email return tx.UpdateOnly(u, "email") } // hashPassword generates a hashed password from a plaintext string func hashPassword(password string) (string, error) { pw, err := bcrypt.GenerateFromPassword([]byte(password), bcrypt.DefaultCost) if err != nil { return "", err } return string(pw), nil } func (u *User) UpdatePassword(tx *storage.Connection, password string) error { pw, err := hashPassword(password) if err != nil { return err } u.EncryptedPassword = pw return tx.UpdateOnly(u, "encrypted_password") } // Authenticate a user from a password func (u *User) Authenticate(password string) bool { err := bcrypt.CompareHashAndPassword([]byte(u.EncryptedPassword), []byte(password)) return err == nil } // Confirm resets the confimation token and the confirm timestamp func (u *User) Confirm(tx *storage.Connection) error { u.ConfirmationToken = "" now := time.Now() u.ConfirmedAt = &now return tx.UpdateOnly(u, "confirmation_token", "confirmed_at") } // ConfirmEmailChange confirm the change of email for a user func (u *User) ConfirmEmailChange(tx *storage.Connection) error { u.Email = u.EmailChange u.EmailChange = "" u.EmailChangeToken = "" return tx.UpdateOnly(u, "email", "email_change", "email_change_token") } // Recover resets the recovery token func (u *User) Recover(tx *storage.Connection) error { u.RecoveryToken = "" return tx.UpdateOnly(u, "recovery_token") } // CountOtherUsers counts how many other users exist besides the one provided func CountOtherUsers(tx *storage.Connection, instanceID, id uuid.UUID) (int, error) { userCount, err := tx.Q().Where("instance_id = ? and id != ?", instanceID, id).Count(&User{}) return userCount, errors.Wrap(err, "error finding registered users") } func findUser(tx *storage.Connection, query string, args ...interface{}) (*User, error) { obj := &User{} if err := tx.Q().Where(query, args...).First(obj); err != nil { if errors.Cause(err) == sql.ErrNoRows { return nil, UserNotFoundError{} } return nil, errors.Wrap(err, "error finding user") } return obj, nil } // FindUserByConfirmationToken finds users with the matching confirmation token. func FindUserByConfirmationToken(tx *storage.Connection, token string) (*User, error) { return findUser(tx, "confirmation_token = ?", token) } // FindUserByEmailAndAudience finds a user with the matching email and audience. func FindUserByEmailAndAudience(tx *storage.Connection, instanceID uuid.UUID, email, aud string) (*User, error) { return findUser(tx, "instance_id = ? and email = ? and aud = ?", instanceID, email, aud) } // FindUserByID finds a user matching the provided ID. func FindUserByID(tx *storage.Connection, id uuid.UUID) (*User, error) { return findUser(tx, "id = ?", id) } // FindUserByInstanceIDAndID finds a user matching the provided ID. func FindUserByInstanceIDAndID(tx *storage.Connection, instanceID, id uuid.UUID) (*User, error) { return findUser(tx, "instance_id = ? and id = ?", instanceID, id) } // FindUserByRecoveryToken finds a user with the matching recovery token. func FindUserByRecoveryToken(tx *storage.Connection, token string) (*User, error) { return findUser(tx, "recovery_token = ?", token) } // FindUserWithRefreshToken finds a user from the provided refresh token. func FindUserWithRefreshToken(tx *storage.Connection, token string) (*User, *RefreshToken, error) { refreshToken := &RefreshToken{} if err := tx.Where("token = ?", token).First(refreshToken); err != nil { if errors.Cause(err) == sql.ErrNoRows { return nil, nil, RefreshTokenNotFoundError{} } return nil, nil, errors.Wrap(err, "error finding refresh token") } user, err := findUser(tx, "id = ?", refreshToken.UserID) if err != nil
return user, refreshToken, nil } // FindUsersInAudience finds users with the matching audience. func FindUsersInAudience(tx *storage.Connection, instanceID uuid.UUID, aud string, pageParams *Pagination, sortParams *SortParams, filter string) ([]*User, error) { users := []*User{} q := tx.Q().Where("instance_id = ? and aud = ?", instanceID, aud) if filter != "" { lf := "%" + filter + "%" // we must specify the collation in order to get case insensitive search for the JSON column q = q.Where("(email LIKE ? OR raw_user_meta_data->>'$.full_name' COLLATE utf8mb4_unicode_ci LIKE ?)", lf, lf) } if sortParams != nil && len(sortParams.Fields) > 0 { for _, field := range sortParams.Fields { q = q.Order(field.Name + " " + string(field.Dir)) } } var err error if pageParams != nil { err = q.Paginate(int(pageParams.Page), int(pageParams.PerPage)).All(&users) pageParams.Count = uint64(q.Paginator.TotalEntriesSize) } else { err = q.All(&users) } return users, err } // IsDuplicatedEmail returns whether a user exists with a matching email and audience. func IsDuplicatedEmail(tx *storage.Connection, instanceID uuid.UUID, email, aud string) (bool, error) { _, err := FindUserByEmailAndAudience(tx, instanceID, email, aud) if err != nil { if IsNotFoundError(err) { return false, nil } return false, err } return true, nil }
{ return nil, nil, err }
lib.rs
#![deny( warnings, rust_2018_idioms, clippy::disallowed_methods, clippy::disallowed_types )] #![forbid(unsafe_code)] use linkerd_dns_name::Name; use std::{ fmt, net::{IpAddr, SocketAddr}, str::FromStr, }; use thiserror::Error; #[derive(Clone, Debug, Eq, Hash, PartialEq)] pub enum Addr { Name(NameAddr), Socket(SocketAddr), } #[derive(Clone, Debug, Eq, Hash, PartialEq)] pub struct NameAddr { name: Name, port: u16, } #[derive(Clone, Copy, Debug, PartialEq, Eq, Error)] pub enum Error { /// The host is not a valid DNS name or IP address. #[error("address contains an invalid host")] InvalidHost, /// The port is missing. #[error("address is missing a port")] MissingPort, } // === impl Addr === impl FromStr for Addr { type Err = Error; fn from_str(hostport: &str) -> Result<Self, Error> { SocketAddr::from_str(hostport) .map(Addr::Socket) .or_else(|_| NameAddr::from_str(hostport).map(Addr::Name)) } } impl Addr { pub fn from_str_and_port(host: &str, port: u16) -> Result<Self, Error> { IpAddr::from_str(host) .map(|ip| Addr::Socket((ip, port).into())) .or_else(|_| NameAddr::from_str_and_port(host, port).map(Addr::Name)) } pub fn from_authority_and_default_port( a: &http::uri::Authority, default_port: u16, ) -> Result<Self, Error> { Self::from_str_and_port( a.host(), a.port().map(|p| p.as_u16()).unwrap_or(default_port), ) } pub fn from_authority_with_port(a: &http::uri::Authority) -> Result<Self, Error> { a.port() .map(|p| p.as_u16()) .ok_or(Error::MissingPort) .and_then(|p| Self::from_str_and_port(a.host(), p)) } pub fn port(&self) -> u16 { match self { Addr::Name(n) => n.port(), Addr::Socket(a) => a.port(), } } pub fn is_loopback(&self) -> bool { match self { Addr::Name(n) => n.is_localhost(), Addr::Socket(a) => a.ip().is_loopback(), } } pub fn to_http_authority(&self) -> http::uri::Authority { match self { Addr::Name(n) => n.as_http_authority(), Addr::Socket(ref a) if a.port() == 80 => { let ip = if a.is_ipv4() { a.ip().to_string() } else { // When IPv6 or later addresses are used in an authority, // they must be within square brackets. See // https://tools.ietf.org/html/rfc3986#section-3.2 for // details. The `fmt::Display` implementation of the // `Ipv6Addr` type does not include brackets, so we must add // them ourselves. format!("[{}]", a.ip()) }; http::uri::Authority::from_str(&ip).unwrap_or_else(|err| { panic!("SocketAddr ({}) must be valid authority: {}", a, err) }) } Addr::Socket(a) => { http::uri::Authority::from_str(&a.to_string()).unwrap_or_else(|err| { panic!("SocketAddr ({}) must be valid authority: {}", a, err) }) } } } pub fn socket_addr(&self) -> Option<SocketAddr> { match self { Addr::Socket(a) => Some(*a), Addr::Name(_) => None, } } pub fn name_addr(&self) -> Option<&NameAddr> { match self { Addr::Name(ref n) => Some(n), Addr::Socket(_) => None, } } pub fn into_name_addr(self) -> Option<NameAddr> {
Addr::Socket(_) => None, } } } impl fmt::Display for Addr { fn fmt(&self, f: &mut fmt::Formatter<'_>) -> fmt::Result { match self { Addr::Name(name) => name.fmt(f), Addr::Socket(addr) => addr.fmt(f), } } } impl From<SocketAddr> for Addr { fn from(sa: SocketAddr) -> Self { Addr::Socket(sa) } } impl From<NameAddr> for Addr { fn from(na: NameAddr) -> Self { Addr::Name(na) } } impl From<(Name, u16)> for Addr { fn from((n, p): (Name, u16)) -> Self { Addr::Name((n, p).into()) } } impl AsRef<Self> for Addr { fn as_ref(&self) -> &Self { self } } // === impl NameAddr === impl From<(Name, u16)> for NameAddr { fn from((name, port): (Name, u16)) -> Self { NameAddr { name, port } } } impl FromStr for NameAddr { type Err = Error; fn from_str(hostport: &str) -> Result<Self, Error> { let mut parts = hostport.rsplitn(2, ':'); let port = parts .next() .and_then(|p| p.parse::<u16>().ok()) .ok_or(Error::MissingPort)?; let host = parts.next().ok_or(Error::InvalidHost)?; Self::from_str_and_port(host, port) } } impl NameAddr { pub fn from_str_and_port(host: &str, port: u16) -> Result<Self, Error> { if host.is_empty() { return Err(Error::InvalidHost); } Name::from_str(host) .map(|name| NameAddr { name, port }) .map_err(|_| Error::InvalidHost) } pub fn from_authority_with_default_port( a: &http::uri::Authority, default_port: u16, ) -> Result<Self, Error> { Self::from_str_and_port( a.host(), a.port().map(|p| p.as_u16()).unwrap_or(default_port), ) } pub fn from_authority_with_port(a: &http::uri::Authority) -> Result<Self, Error> { a.port() .map(|p| p.as_u16()) .ok_or(Error::MissingPort) .and_then(|p| Self::from_str_and_port(a.host(), p)) } pub fn name(&self) -> &Name { &self.name } pub fn port(&self) -> u16 { self.port } pub fn is_localhost(&self) -> bool { self.name.is_localhost() } pub fn as_http_authority(&self) -> http::uri::Authority { if self.port == 80 { http::uri::Authority::from_str(self.name.without_trailing_dot()) .expect("NameAddr must be valid authority") } else { http::uri::Authority::from_str(&self.to_string()) .expect("NameAddr must be valid authority") } } } impl fmt::Display for NameAddr { fn fmt(&self, f: &mut fmt::Formatter<'_>) -> fmt::Result { write!(f, "{}:{}", self.name.without_trailing_dot(), self.port) } } #[cfg(test)] mod tests { use super::*; #[test] fn test_is_loopback() { let cases = &[ ("localhost:80", false), // Not absolute ("localhost.:80", true), ("LocalhOsT.:80", true), // Case-insensitive ("mlocalhost.:80", false), // prefixed ("localhost1.:80", false), // suffixed ("127.0.0.1:80", true), // IPv4 ("[::1]:80", true), // IPv6 ]; for (host, expected_result) in cases { let a = Addr::from_str(host).unwrap(); assert_eq!(a.is_loopback(), *expected_result, "{:?}", host) } } fn test_to_http_authority(cases: &[&str]) { let width = cases.iter().map(|s| s.len()).max().unwrap_or(0); for host in cases { print!("trying {:1$} ... ", host, width); Addr::from_str(host).unwrap().to_http_authority(); println!("ok"); } } #[test] fn to_http_authority_names_port_80() { test_to_http_authority(&[ "localhost:80", "localhost.:80", "LocalhOsT.:80", "mlocalhost.:80", "localhost1.:80", ]) } #[test] fn to_http_authority_names() { test_to_http_authority(&[ "localhost:9090", "localhost.:9090", "LocalhOsT.:9090", "mlocalhost.:9090", "localhost1.:9090", ]) } #[test] fn to_http_authority_ipv4_port_80() { test_to_http_authority(&["10.7.0.42:80", "127.0.0.1:80"]) } #[test] fn to_http_authority_ipv4() { test_to_http_authority(&["10.7.0.42:9090", "127.0.0.1:9090"]) } #[test] fn to_http_authority_ipv6_port_80() { test_to_http_authority(&[ "[2001:0db8:0000:0000:0000:8a2e:0370:7334]:80", "[2001:db8::8a2e:370:7334]:80", "[::1]:80", ]) } #[test] fn to_http_authority_ipv6() { test_to_http_authority(&[ "[2001:0db8:0000:0000:0000:8a2e:0370:7334]:9090", "[2001:db8::8a2e:370:7334]:9090", "[::1]:9090", ]) } } #[cfg(fuzzing)] pub mod fuzz_logic { use super::*; pub fn fuzz_addr_1(fuzz_data: &str) { if let Ok(addr) = Addr::from_str(fuzz_data) { addr.is_loopback(); addr.to_http_authority(); addr.is_loopback(); addr.socket_addr(); } if let Ok(name_addr) = NameAddr::from_str_and_port(fuzz_data, 1234) { name_addr.port(); name_addr.as_http_authority(); } } }
match self { Addr::Name(n) => Some(n),
engine_examples_test.go
package liquid import ( "fmt" "log" "strings" "github.com/urbn8/liquid/render" ) func Example() { engine := NewEngine() source := `<h1>{{ page.title }}</h1>` bindings := map[string]interface{}{ "page": map[string]string{ "title": "Introduction", }, } out, err := engine.ParseAndRenderString(source, bindings) if err != nil { log.Fatalln(err) } fmt.Println(out) // Output: <h1>Introduction</h1> } func ExampleEngine_ParseAndRenderString() { engine := NewEngine() source := `{{ hello | capitalize | append: " Mundo" }}` bindings := map[string]interface{}{"hello": "hola"} out, err := engine.ParseAndRenderString(source, bindings) if err != nil { log.Fatalln(err) } fmt.Println(out) // Output: Hola Mundo } func ExampleEngine_ParseTemplate() { engine := NewEngine() source := `{{ hello | capitalize | append: " Mundo" }}` bindings := map[string]interface{}{"hello": "hola"} tpl, err := engine.ParseString(source) if err != nil { log.Fatalln(err) } out, err := tpl.RenderString(bindings) if err != nil { log.Fatalln(err) } fmt.Println(out) // Output: Hola Mundo
template := `{{ title | has_prefix: "Intro" }}` bindings := map[string]interface{}{ "title": "Introduction", } out, err := engine.ParseAndRenderString(template, bindings) if err != nil { log.Fatalln(err) } fmt.Println(out) // Output: true } func ExampleEngine_RegisterFilter_optional_argument() { engine := NewEngine() // func(a, b int) int) would default the second argument to zero. // Then we can't tell the difference between {{ n | inc }} and // {{ n | inc: 0 }}. A function in the parameter list has a special // meaning as a default parameter. engine.RegisterFilter("inc", func(a int, b func(int) int) int { return a + b(1) }) template := `10 + 1 = {{ m | inc }}; 20 + 5 = {{ n | inc: 5 }}` bindings := map[string]interface{}{ "m": 10, "n": "20", } out, err := engine.ParseAndRenderString(template, bindings) if err != nil { log.Fatalln(err) } fmt.Println(out) // Output: 10 + 1 = 11; 20 + 5 = 25 } func ExampleEngine_RegisterTag() { engine := NewEngine() engine.RegisterTag("echo", func(c render.Context) (string, error) { return c.TagArgs(), nil }) template := `{% echo hello world %}` out, err := engine.ParseAndRenderString(template, emptyBindings) if err != nil { log.Fatalln(err) } fmt.Println(out) // Output: hello world } func ExampleEngine_RegisterBlock() { engine := NewEngine() engine.RegisterBlock("length", func(c render.Context) (string, error) { s, err := c.InnerString() if err != nil { return "", err } n := len(s) return fmt.Sprint(n), nil }) template := `{% length %}abc{% endlength %}` out, err := engine.ParseAndRenderString(template, emptyBindings) if err != nil { log.Fatalln(err) } fmt.Println(out) // Output: 3 }
} func ExampleEngine_RegisterFilter() { engine := NewEngine() engine.RegisterFilter("has_prefix", strings.HasPrefix)
errors_internal.go
package gocbcore import ( "encoding/json" "errors" "fmt" "strings" ) type wrappedError struct { Message string InnerError error } func (e wrappedError) Error() string { return fmt.Sprintf("%s: %s", e.Message, e.InnerError.Error()) } func (e wrappedError) Unwrap() error { return e.InnerError } func wrapError(err error, message string) error { return wrappedError{ Message: message, InnerError: err, } } // SubDocumentError provides additional contextual information to // sub-document specific errors. InnerError is always a KeyValueError. type SubDocumentError struct { InnerError error Index int } // Error returns the string representation of this error. func (err SubDocumentError) Error() string { return fmt.Sprintf("sub-document error at index %d: %s", err.Index, err.InnerError.Error()) } // Unwrap returns the underlying error for the operation failing. func (err SubDocumentError) Unwrap() error { return err.InnerError } func retryReasonsToString(reasons []RetryReason) string { reasonStrs := make([]string, len(reasons)) for reasonIdx, reason := range reasons { reasonStrs[reasonIdx] = reason.Description() } return strings.Join(reasonStrs, ",") } func serializeError(err error) string { errBytes, serErr := json.Marshal(err) if serErr != nil { logErrorf("failed to serialize error to json: %s", serErr.Error()) } return string(errBytes) } // KeyValueError wraps key-value errors that occur within the SDK. type KeyValueError struct { InnerError error `json:"-"` StatusCode StatusCode `json:"status_code,omitempty"` BucketName string `json:"bucket,omitempty"` ScopeName string `json:"scope,omitempty"` CollectionName string `json:"collection,omitempty"` CollectionID uint32 `json:"collection_id,omitempty"` ErrorName string `json:"error_name,omitempty"` ErrorDescription string `json:"error_description,omitempty"` Opaque uint32 `json:"opaque,omitempty"` Context string `json:"context,omitempty"` Ref string `json:"ref,omitempty"` RetryReasons []RetryReason `json:"retry_reasons,omitempty"` RetryAttempts uint32 `json:"retry_attempts,omitempty"` } // Error returns the string representation of this error. func (e KeyValueError) Error() string { return e.InnerError.Error() + " | " + serializeError(e) } // Unwrap returns the underlying reason for the error func (e KeyValueError) Unwrap() error { return e.InnerError } // ViewQueryErrorDesc represents specific view error data. type ViewQueryErrorDesc struct { SourceNode string Message string } // ViewError represents an error returned from a view query. type ViewError struct { InnerError error `json:"-"` DesignDocumentName string `json:"design_document_name,omitempty"` ViewName string `json:"view_name,omitempty"` Errors []ViewQueryErrorDesc `json:"errors,omitempty"` Endpoint string `json:"endpoint,omitempty"` RetryReasons []RetryReason `json:"retry_reasons,omitempty"` RetryAttempts uint32 `json:"retry_attempts,omitempty"` } // Error returns the string representation of this error. func (e ViewError) Error() string { return e.InnerError.Error() + " | " + serializeError(e) } // Unwrap returns the underlying reason for the error func (e ViewError) Unwrap() error { return e.InnerError } // N1QLErrorDesc represents specific n1ql error data. type N1QLErrorDesc struct { Code uint32 Message string } // N1QLError represents an error returned from a n1ql query. type N1QLError struct { InnerError error `json:"-"` Statement string `json:"statement,omitempty"` ClientContextID string `json:"client_context_id,omitempty"` Errors []N1QLErrorDesc `json:"errors,omitempty"` Endpoint string `json:"endpoint,omitempty"` RetryReasons []RetryReason `json:"retry_reasons,omitempty"` RetryAttempts uint32 `json:"retry_attempts,omitempty"` } // Error returns the string representation of this error. func (e N1QLError) Error() string { return e.InnerError.Error() + " | " + serializeError(e) } // Unwrap returns the underlying reason for the error func (e N1QLError) Unwrap() error { return e.InnerError } // AnalyticsErrorDesc represents specific analytics error data. type AnalyticsErrorDesc struct { Code uint32 Message string } // AnalyticsError represents an error returned from an analytics query. type AnalyticsError struct { InnerError error `json:"-"` Statement string `json:"statement,omitempty"` ClientContextID string `json:"client_context_id,omitempty"` Errors []AnalyticsErrorDesc `json:"errors,omitempty"` Endpoint string `json:"endpoint,omitempty"` RetryReasons []RetryReason `json:"retry_reasons,omitempty"` RetryAttempts uint32 `json:"retry_attempts,omitempty"` } // Error returns the string representation of this error. func (e AnalyticsError) Error() string { return e.InnerError.Error() + " | " + serializeError(e) } // Unwrap returns the underlying reason for the error func (e AnalyticsError) Unwrap() error { return e.InnerError } // SearchError represents an error returned from a search query. type SearchError struct { InnerError error `json:"-"` IndexName string `json:"index_name,omitempty"` Query interface{} `json:"query,omitempty"` ErrorText string `json:"error_text"` HTTPResponseCode int `json:"status_code,omitempty"` Endpoint string `json:"endpoint,omitempty"` RetryReasons []RetryReason `json:"retry_reasons,omitempty"` RetryAttempts uint32 `json:"retry_attempts,omitempty"` } // Error returns the string representation of this error. func (e SearchError) Error() string { return e.InnerError.Error() + " | " + serializeError(e) } // Unwrap returns the underlying reason for the error func (e SearchError) Unwrap() error { return e.InnerError } // HTTPError represents an error returned from an HTTP request. type HTTPError struct { InnerError error `json:"-"` UniqueID string `json:"unique_id,omitempty"` Endpoint string `json:"endpoint,omitempty"` RetryReasons []RetryReason `json:"retry_reasons,omitempty"` RetryAttempts uint32 `json:"retry_attempts,omitempty"` } // Error returns the string representation of this error. func (e HTTPError) Error() string { return e.InnerError.Error() + " | " + serializeError(e) } // Unwrap returns the underlying reason for the error func (e HTTPError) Unwrap() error { return e.InnerError } // ncError is a wrapper error that provides no additional context to one of the // publicly exposed error types. This is to force people to correctly use the // error handling behaviours to check the error, rather than direct compares. type ncError struct { InnerError error } func (err ncError) Error() string { return err.InnerError.Error() } func (err ncError) Unwrap() error { return err.InnerError } func isErrorStatus(err error, code StatusCode) bool { var kvErr KeyValueError if errors.As(err, &kvErr) { return kvErr.StatusCode == code } return false } var (
// errCircuitBreakerOpen is passed around internally to signal that an // operation was cancelled due to the circuit breaker being open. errCircuitBreakerOpen = errors.New("circuit breaker open") // errNoMoreOps is passed around internally to signal that an operation // was cancelled due to there being no more operations to wait for. errNoMoreOps = errors.New("no more operations") ) // This list contains protected versions of all the errors we throw // to ensure no users inadvertenly rely on direct comparisons. var ( errTimeout = ncError{ErrTimeout} errRequestCanceled = ncError{ErrRequestCanceled} errInvalidArgument = ncError{ErrInvalidArgument} errServiceNotAvailable = ncError{ErrServiceNotAvailable} errInternalServerFailure = ncError{ErrInternalServerFailure} errAuthenticationFailure = ncError{ErrAuthenticationFailure} errTemporaryFailure = ncError{ErrTemporaryFailure} errParsingFailure = ncError{ErrParsingFailure} errCasMismatch = ncError{ErrCasMismatch} errBucketNotFound = ncError{ErrBucketNotFound} errCollectionNotFound = ncError{ErrCollectionNotFound} errEncodingFailure = ncError{ErrEncodingFailure} errDecodingFailure = ncError{ErrDecodingFailure} errUnsupportedOperation = ncError{ErrUnsupportedOperation} errAmbiguousTimeout = ncError{ErrAmbiguousTimeout} errUnambiguousTimeout = ncError{ErrUnambiguousTimeout} errFeatureNotAvailable = ncError{ErrFeatureNotAvailable} errScopeNotFound = ncError{ErrScopeNotFound} errIndexNotFound = ncError{ErrIndexNotFound} errIndexExists = ncError{ErrIndexExists} errDocumentNotFound = ncError{ErrDocumentNotFound} errDocumentUnretrievable = ncError{ErrDocumentUnretrievable} errDocumentLocked = ncError{ErrDocumentLocked} errValueTooLarge = ncError{ErrValueTooLarge} errDocumentExists = ncError{ErrDocumentExists} errValueNotJSON = ncError{ErrValueNotJSON} errDurabilityLevelNotAvailable = ncError{ErrDurabilityLevelNotAvailable} errDurabilityImpossible = ncError{ErrDurabilityImpossible} errDurabilityAmbiguous = ncError{ErrDurabilityAmbiguous} errDurableWriteInProgress = ncError{ErrDurableWriteInProgress} errDurableWriteReCommitInProgress = ncError{ErrDurableWriteReCommitInProgress} errMutationLost = ncError{ErrMutationLost} errPathNotFound = ncError{ErrPathNotFound} errPathMismatch = ncError{ErrPathMismatch} errPathInvalid = ncError{ErrPathInvalid} errPathTooBig = ncError{ErrPathTooBig} errPathTooDeep = ncError{ErrPathTooDeep} errValueTooDeep = ncError{ErrValueTooDeep} errValueInvalid = ncError{ErrValueInvalid} errDocumentNotJSON = ncError{ErrDocumentNotJSON} errNumberTooBig = ncError{ErrNumberTooBig} errDeltaInvalid = ncError{ErrDeltaInvalid} errPathExists = ncError{ErrPathExists} errXattrUnknownMacro = ncError{ErrXattrUnknownMacro} errXattrInvalidFlagCombo = ncError{ErrXattrInvalidFlagCombo} errXattrInvalidKeyCombo = ncError{ErrXattrInvalidKeyCombo} errXattrUnknownVirtualAttribute = ncError{ErrXattrUnknownVirtualAttribute} errXattrCannotModifyVirtualAttribute = ncError{ErrXattrCannotModifyVirtualAttribute} errXattrInvalidOrder = ncError{ErrXattrInvalidOrder} errPlanningFailure = ncError{ErrPlanningFailure} errIndexFailure = ncError{ErrIndexFailure} errPreparedStatementFailure = ncError{ErrPreparedStatementFailure} errCompilationFailure = ncError{ErrCompilationFailure} errJobQueueFull = ncError{ErrJobQueueFull} errDatasetNotFound = ncError{ErrDatasetNotFound} errDataverseNotFound = ncError{ErrDataverseNotFound} errDatasetExists = ncError{ErrDatasetExists} errDataverseExists = ncError{ErrDataverseExists} errLinkNotFound = ncError{ErrLinkNotFound} errViewNotFound = ncError{ErrViewNotFound} errDesignDocumentNotFound = ncError{ErrDesignDocumentNotFound} errNoSupportedMechanisms = ncError{ErrNoSupportedMechanisms} errBadHosts = ncError{ErrBadHosts} errProtocol = ncError{ErrProtocol} errNoReplicas = ncError{ErrNoReplicas} errCliInternalError = ncError{ErrCliInternalError} errInvalidCredentials = ncError{ErrInvalidCredentials} errInvalidServer = ncError{ErrInvalidServer} errInvalidVBucket = ncError{ErrInvalidVBucket} errInvalidReplica = ncError{ErrInvalidReplica} errInvalidService = ncError{ErrInvalidService} errInvalidCertificate = ncError{ErrInvalidCertificate} errCollectionsUnsupported = ncError{ErrCollectionsUnsupported} errBucketAlreadySelected = ncError{ErrBucketAlreadySelected} errShutdown = ncError{ErrShutdown} errOverload = ncError{ErrOverload} )
main.rs
#[derive(Clone)] struct InstructionList { accumulator: i32, currentOp: i32, list: Vec<(Instruction, Visited)>, terminate_index: i32, } type Visited = bool; impl InstructionList { pub fn new(list: Vec<Instruction>) -> Self { let instruction_list = list .iter() .map(|instruction| (*instruction, false)) .collect::<Vec<_>>(); let terminate_index = instruction_list.len() as i32; Self { accumulator: 0, currentOp: 0, list: instruction_list, terminate_index, } } fn
(&self) -> (i32, bool) { let new_op = self.currentOp_after_execute(); let mut new_instruction_list = self.clone(); new_instruction_list.set_current_op(new_op); let execution_result = new_instruction_list.run_till_repeat_instruction_or_end_reached(); match execution_result { ProgramEnd::InfiniteLoop(_) => (0, false), ProgramEnd::Termination(x) => (x, true), } } fn set_current_op(&mut self, new_op: i32) { self.currentOp = new_op; } fn currentOp_after_execute(&self) -> i32 { let (current_instruction, _) = &self.list[self.currentOp as usize]; // Swap Jmp and Nop match current_instruction.operation { Operation::Acc => self.currentOp + 1, Operation::Jmp => self.currentOp + 1, Operation::Nop => self.currentOp + current_instruction.arg.0, } } fn execute(&mut self) -> bool { let (current_instruction, visited) = &mut self.list[self.currentOp as usize]; if *visited == true { return true; } *visited = true; match &current_instruction.operation { Operation::Acc => { self.accumulator += current_instruction.arg.0; self.currentOp += 1; } Operation::Jmp => { self.currentOp += current_instruction.arg.0; } Operation::Nop => { self.currentOp += 1; } } false } pub fn run_till_repeat_instruction_or_end_reached(&mut self) -> ProgramEnd { let mut repeat = false; while repeat == false { if self.currentOp_after_execute() == self.terminate_index { return ProgramEnd::Termination(self.accumulator); } repeat = self.execute(); } ProgramEnd::InfiniteLoop(self.accumulator) } pub fn run_till_repeat_instruction_or_terminate_with_side_effect_recursive( &mut self, ) -> ProgramEnd { let mut repeat = false; while repeat == false { let if_swapped_result = self.terminates_if_swapped(); if if_swapped_result.1 == true { return ProgramEnd::Termination(if_swapped_result.0); } repeat = self.execute(); } ProgramEnd::InfiniteLoop(self.accumulator) } } impl From<&str> for InstructionList { fn from(s: &str) -> Self { let list = s .split("\n") .map(|row| { let mut row_split = row.split(" "); let operation = row_split.next().unwrap(); let arg = row_split.next().unwrap(); Instruction { operation: Operation::from(operation), arg: Argument::from(arg), } }) .collect::<Vec<_>>(); Self::new(list) } } #[derive(Debug)] enum ProgramEnd { InfiniteLoop(i32), Termination(i32), } #[derive(Copy, Clone)] struct Instruction { operation: Operation, arg: Argument, } #[derive(Copy, Clone)] enum Operation { Acc, Jmp, Nop, } impl From<&str> for Operation { fn from(s: &str) -> Self { match s { "jmp" => Self::Jmp, "acc" => Self::Acc, "nop" => Self::Nop, _ => unreachable!("error parsing operation {}", s), } } } #[derive(Copy, Clone)] struct Argument(i32); impl From<&str> for Argument { fn from(s: &str) -> Self { let positive = if s.chars().nth(0).unwrap() == '-' { false } else if s.chars().nth(0).unwrap() == '+' { true } else { unreachable!("error parsing argument {}", s); }; let number = s.chars().skip(1).collect::<String>(); if positive { Self(number.parse::<i32>().unwrap()) } else { Self(-1 * number.parse::<i32>().unwrap()) } } } fn main() { let mut instruction_list = InstructionList::from(INPUT); println!( "{:?}", instruction_list.run_till_repeat_instruction_or_terminate_with_side_effect_recursive() ); } const TEST_INPUT: &str = "nop +0 acc +1 jmp +4 acc +3 jmp -3 acc -99 acc +1 jmp -4 acc +6"; const INPUT: &str = "nop +116 acc +12 acc -8 acc +34 jmp +485 acc +42 jmp +388 acc +36 nop +605 acc +17 jmp +411 acc +49 jmp +1 acc -9 jmp +289 jmp +288 jmp +74 acc +4 acc +42 jmp +258 acc +14 acc -13 nop +106 jmp +280 jmp +534 acc +41 acc +40 jmp +224 acc +43 acc +10 nop +240 jmp +211 acc +7 acc -3 acc +7 jmp +1 jmp +559 jmp +415 jmp +528 acc -16 jmp +568 jmp +442 nop +113 jmp +464 acc +42 jmp +336 acc -2 acc +39 jmp +251 acc -4 acc +42 jmp +528 acc +5 acc +30 nop +429 acc +49 jmp +86 acc +15 nop +145 acc -8 jmp +1 jmp +404 acc +26 acc +50 jmp +251 acc +47 jmp +1 acc +45 acc -5 jmp +357 acc +31 jmp +62 acc +25 nop +540 acc -13 acc +0 jmp +72 acc +28 acc +36 nop +475 acc -17 jmp +166 acc +4 acc +20 acc +30 acc +43 jmp +464 acc +4 jmp +94 jmp +44 nop +446 acc -16 nop +267 acc +30 jmp +519 acc +45 acc +47 jmp +62 acc +28 acc -13 acc +45 jmp +239 acc +12 jmp +1 nop +153 jmp +245 jmp +244 acc -12 jmp +308 jmp +190 jmp -86 acc +45 acc +1 acc +15 acc +30 jmp +350 acc +30 jmp +42 jmp +214 jmp +447 acc +24 jmp +453 acc +29 acc +42 jmp +302 acc -4 acc +33 jmp +447 acc -18 acc +15 acc -2 jmp -24 jmp -4 jmp +35 acc +0 jmp -83 acc -13 nop +437 acc -15 jmp +95 nop +289 jmp +348 acc +17 acc +23 acc +45 jmp +359 acc +18 jmp +352 acc +0 acc +13 acc +25 acc +11 jmp +331 acc -2 jmp +19 jmp -103 acc +34 acc +48 jmp +141 acc +44 jmp +1 acc +42 jmp +374 acc +45 acc +35 nop -37 acc -2 jmp +244 jmp +151 acc +36 acc +4 nop -64 jmp +231 nop +321 nop +291 acc +16 jmp -161 acc +17 nop +412 nop -89 nop +179 jmp -8 nop -167 acc +44 acc +4 jmp +42 acc +22 acc +28 acc +22 jmp +192 acc -18 acc -7 jmp -70 acc +27 acc +25 jmp +312 acc +50 acc -16 jmp -121 acc +14 acc +43 nop -111 jmp -54 nop +39 acc -4 acc +41 jmp +236 acc -11 jmp -118 jmp +150 acc -15 jmp -141 acc +14 jmp +1 acc -8 jmp -96 acc +11 nop -95 jmp +1 acc +47 jmp -113 nop +257 jmp +35 acc +45 acc +25 acc -6 jmp +31 jmp +1 nop +153 nop -39 jmp +25 acc +0 acc +50 jmp +362 acc -15 acc +0 acc +31 acc +22 jmp +69 acc -18 acc +24 jmp -38 acc +39 acc -10 acc +40 jmp +6 jmp +143 jmp -44 acc +32 acc -8 jmp +358 jmp +248 nop +343 nop -11 jmp +116 jmp +74 jmp +120 acc +37 acc -19 acc +36 jmp +341 acc +49 jmp -164 acc +14 acc +13 acc +0 acc +50 jmp +291 jmp +1 jmp -79 acc +19 jmp +243 acc +25 acc -13 acc -12 acc -7 jmp +228 jmp -81 acc +18 nop -163 acc +0 acc +8 jmp +212 acc +38 acc -12 jmp +6 acc +24 acc +42 acc +21 acc +12 jmp +136 acc -12 acc -2 acc +46 acc +35 jmp +290 acc +6 acc +36 jmp -182 acc +14 acc +7 jmp +228 jmp -19 acc +48 acc +25 jmp +106 jmp +70 acc +24 jmp +1 acc +24 acc +29 jmp -156 nop +296 acc +34 jmp +115 acc -12 acc +41 jmp +28 jmp +165 acc +0 acc +24 acc +42 acc +27 jmp +106 acc +24 acc -11 acc +4 acc -6 jmp -180 acc -2 jmp +2 jmp -314 acc -9 acc +1 jmp -327 acc -8 acc +7 acc -6 acc +32 jmp -157 acc +10 acc +10 acc -16 jmp +278 jmp +6 acc +0 nop +178 acc +26 jmp +231 jmp +175 acc +29 acc +36 acc +7 jmp -255 acc +46 acc +45 acc +7 nop -7 jmp -101 jmp +3 acc -13 jmp -140 nop -115 jmp +1 jmp -336 acc +9 acc +9 nop -68 acc -3 jmp -37 acc -13 nop +128 jmp +1 jmp -90 acc +49 jmp -124 acc +16 acc +9 jmp +212 acc -18 jmp -303 acc +33 acc +23 acc +26 jmp +140 acc +25 nop -123 acc +22 jmp +148 acc +1 acc +44 jmp -352 acc -11 jmp +33 acc +16 nop -199 acc +15 jmp -351 jmp +5 jmp -357 nop -284 acc +32 jmp -43 acc +5 acc +23 acc +3 jmp +59 acc -10 nop -266 nop +43 jmp +79 acc +21 jmp -42 acc +35 acc +5 jmp +68 acc +24 acc -4 jmp -155 acc +45 jmp +154 jmp -311 acc +10 acc +17 acc +39 jmp -297 jmp -175 acc +49 jmp -151 acc -4 acc -9 jmp -219 acc +48 acc -17 acc +30 jmp -9 acc +10 jmp -61 nop -396 acc +11 acc +37 jmp -331 acc +14 acc +22 acc +30 acc +2 jmp -43 nop -265 acc +5 acc +40 acc -15 jmp -35 acc -3 acc +24 jmp -415 acc +0 jmp +98 acc +17 acc +25 nop -48 acc -17 jmp -302 acc +11 acc +11 jmp -181 acc +46 acc +19 jmp -331 nop +90 acc +45 acc +8 jmp -237 acc -11 nop -421 jmp -145 acc -16 acc +47 jmp -387 acc +50 jmp -375 acc +38 jmp +1 jmp -225 acc +47 acc +39 jmp +69 acc +46 acc +41 jmp -89 acc +19 jmp -453 nop +63 acc +18 jmp -386 nop -243 acc +48 jmp +70 acc +25 jmp -191 acc +48 acc +31 jmp +40 acc -10 jmp -46 acc +45 jmp -48 jmp -12 acc +16 acc -16 jmp -120 acc -10 jmp +1 acc -10 jmp -124 acc +48 acc +15 acc +8 acc -15 jmp -66 nop -130 acc +16 acc +10 acc +31 jmp -375 acc +9 acc +20 jmp -37 acc +14 jmp -134 acc -9 acc -6 jmp -120 acc +24 acc +17 acc +49 jmp -332 acc +7 acc +35 nop -149 jmp -103 jmp -277 acc -1 acc +28 nop -211 jmp -371 nop -129 acc -15 acc +6 acc +19 jmp -120 acc -6 jmp -79 acc +0 jmp -64 acc +33 acc +33 jmp -440 jmp -85 acc +37 nop -183 acc +24 acc +42 jmp -545 acc +50 acc +6 jmp -7 nop +8 acc +1 jmp -359 acc -1 nop -388 acc -7 acc +28 jmp -211 jmp -384 acc +32 acc +16 acc +40 jmp +17 acc +0 acc +43 acc -14 jmp -512 nop -264 jmp -474 nop -543 acc +17 nop -288 jmp -38 jmp +24 acc -4 jmp -321 acc +49 acc -16 jmp -532 acc +0 acc -11 acc -16 jmp -104 acc -12 jmp -301 acc +6 nop -498 acc +0 jmp -126 nop -127 acc +1 jmp -6 acc +40 jmp -547 acc +16 acc +18 jmp -123 acc -5 acc +27 acc +44 acc +15 jmp -22 acc +48 acc -18 jmp -350 acc -7 acc +30 acc +26 jmp +1 jmp +1";
terminates_if_swapped
containersInterceptor.js
angular.module('portainer.app') .factory('ContainersInterceptor', ['$q', 'EndpointProvider', function ($q, EndpointProvider) { 'use strict'; var interceptor = {}; interceptor.responseError = responseErrorInterceptor; function
(rejection) { if (rejection.status === 502 || rejection.status === -1) { var endpoint = EndpointProvider.currentEndpoint(); if (endpoint !== undefined) { var data = endpoint.Snapshots[0].SnapshotRaw.Containers; if (data !== undefined) { return data; } } } return $q.reject(rejection); } return interceptor; }]);
responseErrorInterceptor
awc_location.py
from __future__ import absolute_import from __future__ import unicode_literals from six.moves import map from corehq.apps.userreports.models import StaticDataSourceConfiguration, get_datasource_config from corehq.apps.userreports.util import get_table_name from custom.icds_reports.const import AWC_LOCATION_TABLE_ID, AWW_USER_TABLE_ID from custom.icds_reports.utils.aggregation_helpers.monolith.base import BaseICDSAggregationHelper from six.moves import range class LocationAggregationHelper(BaseICDSAggregationHelper): helper_key = 'location' base_tablename = 'awc_location' ucr_location_table = AWC_LOCATION_TABLE_ID ucr_aww_table = AWW_USER_TABLE_ID local_tablename = 'awc_location_local' def __init__(self): pass def aggregate(self, cursor): drop_table_query = self.drop_table_query() agg_query = self.aggregate_query() aww_query = self.aww_query() rollup_queries = [self.rollup_query(i) for i in range(4, 0, -1)] cursor.execute(drop_table_query) cursor.execute(agg_query) cursor.execute(aww_query) for rollup_query in rollup_queries: cursor.execute(rollup_query) cursor.execute(self.create_local_table()) @property def ucr_location_tablename(self): doc_id = StaticDataSourceConfiguration.get_doc_id(self.domain, self.ucr_location_table) config, _ = get_datasource_config(doc_id, self.domain) return get_table_name(self.domain, config.table_id) @property def ucr_aww_tablename(self): doc_id = StaticDataSourceConfiguration.get_doc_id(self.domain, self.ucr_aww_table) config, _ = get_datasource_config(doc_id, self.domain) return get_table_name(self.domain, config.table_id) def drop_table_query(self): return """ DELETE FROM "{tablename}"; """.format(tablename=self.base_tablename) def aggregate_query(self): columns = ( ('doc_id', 'doc_id'), ('awc_name', 'awc_name'), ('awc_site_code', 'awc_site_code'), ('supervisor_id', 'supervisor_id'), ('supervisor_name', 'supervisor_name'), ('supervisor_site_code', 'supervisor_site_code'), ('block_id', 'block_id'), ('block_name', 'block_name'), ('block_site_code', 'block_site_code'), ('district_id', 'district_id'), ('district_name', 'district_name'), ('district_site_code', 'district_site_code'), ('state_id', 'state_id'), ('state_name', 'state_name'), ('state_site_code', 'state_site_code'), ('aggregation_level', '5'), ('block_map_location_name', 'block_map_location_name'), ('district_map_location_name', 'district_map_location_name'), ('state_map_location_name', 'state_map_location_name'), ('aww_name', 'NULL'), ('contact_phone_number', 'NULL'), ('state_is_test', 'state_is_test'), ('district_is_test', 'district_is_test'), ('block_is_test', 'block_is_test'), ('supervisor_is_test', 'supervisor_is_test'), ('awc_is_test', 'awc_is_test') ) return """ INSERT INTO "{tablename}" ( {columns} ) ( SELECT {calculations} FROM "{ucr_location_tablename}" ) """.format( tablename=self.base_tablename, columns=", ".join([col[0] for col in columns]), calculations=", ".join([col[1] for col in columns]), ucr_location_tablename=self.ucr_location_tablename ) def aww_query(self): return """ UPDATE "{tablename}" awc_loc SET aww_name = ut.aww_name, contact_phone_number = ut.contact_phone_number FROM ( SELECT commcare_location_id, aww_name, contact_phone_number FROM "{ucr_aww_tablename}" ) ut WHERE ut.commcare_location_id = awc_loc.doc_id """.format( tablename=self.base_tablename, ucr_aww_tablename=self.ucr_aww_tablename ) def rollup_query(self, aggregation_level): columns = ( ('doc_id', lambda col: col if aggregation_level > 4 else "'All'"), ('awc_name', lambda col: col if aggregation_level > 4 else "NULL"), ('awc_site_code', lambda col: col if aggregation_level > 4 else "'All'"), ('supervisor_id', lambda col: col if aggregation_level > 3 else "'All'"), ('supervisor_name', lambda col: col if aggregation_level > 3 else "NULL"), ('supervisor_site_code', lambda col: col if aggregation_level > 3 else "'All'"), ('block_id', lambda col: col if aggregation_level > 2 else "'All'"), ('block_name', lambda col: col if aggregation_level > 2 else "NULL"), ('block_site_code', lambda col: col if aggregation_level > 2 else "'All'"), ('district_id', lambda col: col if aggregation_level > 1 else "'All'"), ('district_name', lambda col: col if aggregation_level > 1 else "NULL"), ('district_site_code', lambda col: col if aggregation_level > 1 else "'All'"), ('state_id', 'state_id'), ('state_name', 'state_name'), ('state_site_code', 'state_site_code'), ('aggregation_level', '{}'.format(aggregation_level)), ('block_map_location_name', lambda col: col if aggregation_level > 2 else "'All'"), ('district_map_location_name', lambda col: col if aggregation_level > 1 else "'All'"), ('state_map_location_name', 'state_map_location_name'), ('aww_name', 'NULL'), ('contact_phone_number', 'NULL'), ('state_is_test', 'MAX(state_is_test)'), ( 'district_is_test', lambda col: 'MAX({column})'.format(column=col) if aggregation_level > 1 else "0" ), ( 'block_is_test', lambda col: 'MAX({column})'.format(column=col) if aggregation_level > 2 else "0" ), ( 'supervisor_is_test', lambda col: 'MAX({column})'.format(column=col) if aggregation_level > 3 else "0" ), ( 'awc_is_test', lambda col: 'MAX({column})'.format(column=col) if aggregation_level > 4 else "0" ) ) def _transform_column(column_tuple): column = column_tuple[0] agg_col = column_tuple[1] if callable(agg_col): return (column, agg_col(column)) return column_tuple columns = list(map(_transform_column, columns)) end_text_column = ["id", "name", "site_code", "map_location_name"] group_by = ["state_{}".format(name) for name in end_text_column] if aggregation_level > 1: group_by.extend(["district_{}".format(name) for name in end_text_column]) if aggregation_level > 2: group_by.extend(["block_{}".format(name) for name in end_text_column]) if aggregation_level > 3: group_by.extend( ["supervisor_{}".format(name) for name in end_text_column if name is not "map_location_name"] )
) ( SELECT {calculations} FROM "{tablename}" GROUP BY {group_by} ) """.format( tablename=self.base_tablename, columns=", ".join([col[0] for col in columns]), calculations=", ".join([col[1] for col in columns]), group_by=", ".join(group_by) ) def create_local_table(self): return """ DELETE FROM "{local_tablename}"; INSERT INTO "{local_tablename}" SELECT * FROM "{tablename}"; """.format( tablename=self.base_tablename, local_tablename=self.local_tablename )
return """ INSERT INTO "{tablename}" ( {columns}