text
stringlengths
3
1.05M
define(['exports', 'moment'], function (exports, _moment) { 'use strict'; Object.defineProperty(exports, "__esModule", { value: true }); exports.DateFormatValueConverter = undefined; var moment = _interopRequireWildcard(_moment); function _interopRequireWildcard(obj) { if (obj && obj.__esModule) { return obj; } else { var newObj = {}; if (obj != null) { for (var key in obj) { if (Object.prototype.hasOwnProperty.call(obj, key)) newObj[key] = obj[key]; } } newObj.default = obj; return newObj; } } function _classCallCheck(instance, Constructor) { if (!(instance instanceof Constructor)) { throw new TypeError("Cannot call a class as a function"); } } var DateFormatValueConverter = exports.DateFormatValueConverter = function () { function DateFormatValueConverter() { _classCallCheck(this, DateFormatValueConverter); } DateFormatValueConverter.prototype.toView = function toView(value) { return moment(value).format('M/D/YYYY h:mm:ss a'); }; return DateFormatValueConverter; }(); });
/*! * Ext JS Library 3.2.1 * Copyright(c) 2006-2010 Ext JS, Inc. * [email protected] * http://www.extjs.com/license */ /** * @class Ext.data.Request * A simple Request class used internally to the data package to provide more generalized remote-requests * to a DataProxy. * TODO Not yet implemented. Implement in Ext.data.Store#execute */ Ext.data.Request = function(params) { Ext.apply(this, params); }; Ext.data.Request.prototype = { /** * @cfg {String} action */ action : undefined, /** * @cfg {Ext.data.Record[]/Ext.data.Record} rs The Store recordset associated with the request. */ rs : undefined, /** * @cfg {Object} params HTTP request params */ params: undefined, /** * @cfg {Function} callback The function to call when request is complete */ callback : Ext.emptyFn, /** * @cfg {Object} scope The scope of the callback funtion */ scope : undefined, /** * @cfg {Ext.data.DataReader} reader The DataReader instance which will parse the received response */ reader : undefined };
# -*- coding: utf-8 -*- from __future__ import absolute_import, unicode_literals __all__ = ['settings'] class Settings(object): def __init__(self): self.user_login, self.user_hash, self.domain = None, None, None self.responsible_user = None def set(self, user_login, user_hash, domain, responsible_user=None): self.user_login, self.user_hash, self.domain = user_login, user_hash, domain if responsible_user is not None: self.responsible_user = responsible_user def get(self): return { 'user_login': self.user_login, 'user_hash': self.user_hash, 'domain': self.domain, 'responsible_user': self.responsible_user } settings = Settings()
#!/usr/bin/env python import random import time from datetime import datetime from changes import mock from changes.config import db, create_app from changes.constants import Result, Status from changes.db.utils import get_or_create from changes.models import ( Change, Job, JobStep, LogSource, TestResultManager, ProjectPlan, ItemStat ) from changes.testutils.fixtures import Fixtures app = create_app() app_context = app.app_context() app_context.push() fixtures = Fixtures() def create_new_change(project, **kwargs): return mock.change(project=project, **kwargs) def create_new_entry(project): new_change = (random.randint(0, 2) == 5) if not new_change: try: change = Change.query.all()[0] except IndexError: new_change = True if new_change: author = mock.author() revision = mock.revision(project.repository, author) change = create_new_change( project=project, author=author, message=revision.message, ) else: change.date_modified = datetime.utcnow() db.session.add(change) revision = mock.revision(project.repository, change.author) if random.randint(0, 1) == 1: patch = mock.patch(project) else: patch = None source = mock.source( project.repository, revision_sha=revision.sha, patch=patch) date_started = datetime.utcnow() build = mock.build( author=change.author, project=project, source=source, message=change.message, result=Result.failed if random.randint(0, 3) == 1 else Result.unknown, status=Status.in_progress, date_started=date_started, ) build_task = fixtures.create_task( task_id=build.id, task_name='sync_build', data={'kwargs': {'build_id': build.id.hex}}, ) db.session.add(ItemStat(item_id=build.id, name='lines_covered', value='5')) db.session.add(ItemStat(item_id=build.id, name='lines_uncovered', value='5')) db.session.add(ItemStat(item_id=build.id, name='diff_lines_covered', value='5')) db.session.add(ItemStat(item_id=build.id, name='diff_lines_uncovered', value='5')) db.session.commit() for x in xrange(0, random.randint(1, 3)): job = mock.job( build=build, change=change, status=Status.in_progress, result=build.result, ) fixtures.create_task( task_id=job.id.hex, parent_id=build_task.task_id, task_name='sync_job', data={'kwargs': {'job_id': job.id.hex}}, ) db.session.commit() if patch: mock.file_coverage(project, job, patch) for step in JobStep.query.filter(JobStep.job == job): logsource = LogSource( job=job, project=job.project, step=step, name=step.label, ) db.session.add(logsource) db.session.commit() offset = 0 for x in xrange(30): lc = mock.logchunk(source=logsource, offset=offset) db.session.commit() offset += lc.size return build def update_existing_entry(project): try: job = Job.query.filter( Job.status == Status.in_progress, )[0] except IndexError: return create_new_entry(project) job.date_modified = datetime.utcnow() job.status = Status.finished job.result = Result.failed if random.randint(0, 3) == 1 else Result.passed job.date_finished = datetime.utcnow() db.session.add(job) db.session.commit() jobstep = JobStep.query.filter(JobStep.job == job).first() if jobstep: test_results = [] for _ in xrange(10): if job.result == Result.failed: result = Result.failed if random.randint(0, 3) == 1 else Result.passed else: result = Result.passed test_results.append(mock.test_result(jobstep, result=result)) try: TestResultManager(jobstep).save(test_results) except Exception: db.session.rollback() if job.status == Status.finished: job.build.status = job.status if job.build.result != Result.failed: job.build.result = job.result job.build.date_finished = job.date_finished job.build.date_modified = job.date_finished db.session.add(job.build) return job def gen(project): if random.randint(0, 5) == 1: build = create_new_entry(project) else: build = update_existing_entry(project) db.session.commit() return build def loop(): repository = mock.repository() project = mock.project(repository) plan = mock.plan() get_or_create(ProjectPlan, where={ 'plan': plan, 'project': project, }) while True: build = gen(project) print 'Pushed build {0} on {1}'.format(build.id, project.slug) time.sleep(0.1) if __name__ == '__main__': loop()
# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # # 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. # ============================================================================== """Core Keras layers. """ from __future__ import absolute_import from __future__ import division from __future__ import print_function import copy import types as python_types import numpy as np from tensorflow.contrib.keras.python.keras import activations from tensorflow.contrib.keras.python.keras import backend as K from tensorflow.contrib.keras.python.keras import constraints from tensorflow.contrib.keras.python.keras import initializers from tensorflow.contrib.keras.python.keras import regularizers from tensorflow.contrib.keras.python.keras.engine import InputSpec from tensorflow.contrib.keras.python.keras.engine import Layer from tensorflow.contrib.keras.python.keras.utils.generic_utils import deserialize_keras_object from tensorflow.contrib.keras.python.keras.utils.generic_utils import func_dump from tensorflow.contrib.keras.python.keras.utils.generic_utils import func_load from tensorflow.python.framework import tensor_shape from tensorflow.python.layers import core as tf_core_layers from tensorflow.python.util import tf_inspect class Masking(Layer): """Masks a sequence by using a mask value to skip timesteps. For each timestep in the input tensor (dimension #1 in the tensor), if all values in the input tensor at that timestep are equal to `mask_value`, then the timestep will be masked (skipped) in all downstream layers (as long as they support masking). If any downstream layer does not support masking yet receives such an input mask, an exception will be raised. Example: Consider a Numpy data array `x` of shape `(samples, timesteps, features)`, to be fed to a LSTM layer. You want to mask timestep #3 and #5 because you lack data for these timesteps. You can: - set `x[:, 3, :] = 0.` and `x[:, 5, :] = 0.` - insert a `Masking` layer with `mask_value=0.` before the LSTM layer: ```python model = Sequential() model.add(Masking(mask_value=0., input_shape=(timesteps, features))) model.add(LSTM(32)) ``` """ def __init__(self, mask_value=0., **kwargs): super(Masking, self).__init__(**kwargs) self.supports_masking = True self.mask_value = mask_value def compute_mask(self, inputs, mask=None): return K.any(K.not_equal(inputs, self.mask_value), axis=-1) def call(self, inputs): boolean_mask = K.any( K.not_equal(inputs, self.mask_value), axis=-1, keepdims=True) return inputs * K.cast(boolean_mask, K.floatx()) def get_config(self): config = {'mask_value': self.mask_value} base_config = super(Masking, self).get_config() return dict(list(base_config.items()) + list(config.items())) class Dropout(tf_core_layers.Dropout, Layer): """Applies Dropout to the input. Dropout consists in randomly setting a fraction `rate` of input units to 0 at each update during training time, which helps prevent overfitting. Arguments: rate: float between 0 and 1. Fraction of the input units to drop. noise_shape: 1D integer tensor representing the shape of the binary dropout mask that will be multiplied with the input. For instance, if your inputs have shape `(batch_size, timesteps, features)` and you want the dropout mask to be the same for all timesteps, you can use `noise_shape=(batch_size, 1, features)`. seed: A Python integer to use as random seed. """ def __init__(self, rate, noise_shape=None, seed=None, **kwargs): self.supports_masking = True # Inheritance call order: # 1) tf.layers.Dropout, 2) keras.layers.Layer, 3) tf.layers.Layer super(Dropout, self).__init__(**kwargs) def call(self, inputs, training=None): if training is None: training = K.learning_phase() output = super(Dropout, self).call(inputs, training=training) if training is K.learning_phase(): output._uses_learning_phase = True # pylint: disable=protected-access return output def get_config(self): config = {'rate': self.rate} base_config = super(Dropout, self).get_config() return dict(list(base_config.items()) + list(config.items())) class SpatialDropout1D(Dropout): """Spatial 1D version of Dropout. This version performs the same function as Dropout, however it drops entire 1D feature maps instead of individual elements. If adjacent frames within feature maps are strongly correlated (as is normally the case in early convolution layers) then regular dropout will not regularize the activations and will otherwise just result in an effective learning rate decrease. In this case, SpatialDropout1D will help promote independence between feature maps and should be used instead. Arguments: rate: float between 0 and 1. Fraction of the input units to drop. Input shape: 3D tensor with shape: `(samples, timesteps, channels)` Output shape: Same as input References: - [Efficient Object Localization Using Convolutional Networks](https://arxiv.org/abs/1411.4280) """ def __init__(self, rate, **kwargs): super(SpatialDropout1D, self).__init__(rate, **kwargs) self.input_spec = InputSpec(ndim=3) def _get_noise_shape(self, inputs): input_shape = K.shape(inputs) noise_shape = (input_shape[0], 1, input_shape[2]) return noise_shape class SpatialDropout2D(Dropout): """Spatial 2D version of Dropout. This version performs the same function as Dropout, however it drops entire 2D feature maps instead of individual elements. If adjacent pixels within feature maps are strongly correlated (as is normally the case in early convolution layers) then regular dropout will not regularize the activations and will otherwise just result in an effective learning rate decrease. In this case, SpatialDropout2D will help promote independence between feature maps and should be used instead. Arguments: rate: float between 0 and 1. Fraction of the input units to drop. data_format: 'channels_first' or 'channels_last'. In 'channels_first' mode, the channels dimension (the depth) is at index 1, in 'channels_last' mode is it at index 3. It defaults to the `image_data_format` value found in your Keras config file at `~/.keras/keras.json`. If you never set it, then it will be "channels_last". Input shape: 4D tensor with shape: `(samples, channels, rows, cols)` if data_format='channels_first' or 4D tensor with shape: `(samples, rows, cols, channels)` if data_format='channels_last'. Output shape: Same as input References: - [Efficient Object Localization Using Convolutional Networks](https://arxiv.org/abs/1411.4280) """ def __init__(self, rate, data_format=None, **kwargs): super(SpatialDropout2D, self).__init__(rate, **kwargs) if data_format is None: data_format = K.image_data_format() if data_format not in {'channels_last', 'channels_first'}: raise ValueError('data_format must be in ' '{"channels_last", "channels_first"}') self.data_format = data_format self.input_spec = InputSpec(ndim=4) def _get_noise_shape(self, inputs): input_shape = K.shape(inputs) if self.data_format == 'channels_first': noise_shape = (input_shape[0], input_shape[1], 1, 1) elif self.data_format == 'channels_last': noise_shape = (input_shape[0], 1, 1, input_shape[3]) else: raise ValueError('Invalid data_format:', self.data_format) return noise_shape class SpatialDropout3D(Dropout): """Spatial 3D version of Dropout. This version performs the same function as Dropout, however it drops entire 3D feature maps instead of individual elements. If adjacent voxels within feature maps are strongly correlated (as is normally the case in early convolution layers) then regular dropout will not regularize the activations and will otherwise just result in an effective learning rate decrease. In this case, SpatialDropout3D will help promote independence between feature maps and should be used instead. Arguments: rate: float between 0 and 1. Fraction of the input units to drop. data_format: 'channels_first' or 'channels_last'. In 'channels_first' mode, the channels dimension (the depth) is at index 1, in 'channels_last' mode is it at index 4. It defaults to the `image_data_format` value found in your Keras config file at `~/.keras/keras.json`. If you never set it, then it will be "channels_last". Input shape: 5D tensor with shape: `(samples, channels, dim1, dim2, dim3)` if data_format='channels_first' or 5D tensor with shape: `(samples, dim1, dim2, dim3, channels)` if data_format='channels_last'. Output shape: Same as input References: - [Efficient Object Localization Using Convolutional Networks](https://arxiv.org/abs/1411.4280) """ def __init__(self, rate, data_format=None, **kwargs): super(SpatialDropout3D, self).__init__(rate, **kwargs) if data_format is None: data_format = K.image_data_format() if data_format not in {'channels_last', 'channels_first'}: raise ValueError('data_format must be in ' '{"channels_last", "channels_first"}') self.data_format = data_format self.input_spec = InputSpec(ndim=5) def _get_noise_shape(self, inputs): input_shape = K.shape(inputs) if self.data_format == 'channels_first': noise_shape = (input_shape[0], input_shape[1], 1, 1, 1) elif self.data_format == 'channels_last': noise_shape = (input_shape[0], 1, 1, 1, input_shape[4]) else: raise ValueError('Invalid data_format:', self.data_format) return noise_shape class Activation(Layer): """Applies an activation function to an output. Arguments: activation: name of activation function to use or alternatively, a Theano or TensorFlow operation. Input shape: Arbitrary. Use the keyword argument `input_shape` (tuple of integers, does not include the samples axis) when using this layer as the first layer in a model. Output shape: Same shape as input. """ def __init__(self, activation, **kwargs): super(Activation, self).__init__(**kwargs) self.supports_masking = True self.activation = activations.get(activation) def call(self, inputs): return self.activation(inputs) def get_config(self): config = {'activation': activations.serialize(self.activation)} base_config = super(Activation, self).get_config() return dict(list(base_config.items()) + list(config.items())) class Reshape(Layer): """Reshapes an output to a certain shape. Arguments: target_shape: target shape. Tuple of integers, does not include the samples dimension (batch size). Input shape: Arbitrary, although all dimensions in the input shaped must be fixed. Use the keyword argument `input_shape` (tuple of integers, does not include the samples axis) when using this layer as the first layer in a model. Output shape: `(batch_size,) + target_shape` Example: ```python # as first layer in a Sequential model model = Sequential() model.add(Reshape((3, 4), input_shape=(12,))) # now: model.output_shape == (None, 3, 4) # note: `None` is the batch dimension # as intermediate layer in a Sequential model model.add(Reshape((6, 2))) # now: model.output_shape == (None, 6, 2) # also supports shape inference using `-1` as dimension model.add(Reshape((-1, 2, 2))) # now: model.output_shape == (None, 3, 2, 2) ``` """ def __init__(self, target_shape, **kwargs): super(Reshape, self).__init__(**kwargs) self.target_shape = tuple(target_shape) def _fix_unknown_dimension(self, input_shape, output_shape): """Find and replace a missing dimension in an output shape. This is a near direct port of the internal Numpy function `_fix_unknown_dimension` in `numpy/core/src/multiarray/shape.c` Arguments: input_shape: shape of array being reshaped output_shape: desired shape of the array with at most a single -1 which indicates a dimension that should be derived from the input shape. Returns: The new output shape with a -1 replaced with its computed value. Raises a ValueError if the total array size of the output_shape is different then the input_shape, or more then one unknown dimension is specified. Raises: ValueError: in case of invalid values for `input_shape` or `input_shape`. """ output_shape = list(output_shape) msg = 'total size of new array must be unchanged' known, unknown = 1, None for index, dim in enumerate(output_shape): if dim < 0: if unknown is None: unknown = index else: raise ValueError('Can only specify one unknown dimension.') else: known *= dim original = np.prod(input_shape, dtype=int) if unknown is not None: if known == 0 or original % known != 0: raise ValueError(msg) output_shape[unknown] = original // known elif original != known: raise ValueError(msg) return output_shape def _compute_output_shape(self, input_shape): input_shape = tensor_shape.TensorShape(input_shape).as_list() output_shape = [input_shape[0]] output_shape += self._fix_unknown_dimension(input_shape[1:], self.target_shape) return tensor_shape.TensorShape(output_shape) def call(self, inputs): # In case the target shape is not fully defined, # we need access to the shape of x. target_shape = self.target_shape if -1 in target_shape: # target shape not fully defined target_shape = self._compute_output_shape(inputs.get_shape()) target_shape = target_shape.as_list()[1:] return K.reshape(inputs, (-1,) + tuple(target_shape)) def get_config(self): config = {'target_shape': self.target_shape} base_config = super(Reshape, self).get_config() return dict(list(base_config.items()) + list(config.items())) class Permute(Layer): """Permutes the dimensions of the input according to a given pattern. Useful for e.g. connecting RNNs and convnets together. Example: ```python model = Sequential() model.add(Permute((2, 1), input_shape=(10, 64))) # now: model.output_shape == (None, 64, 10) # note: `None` is the batch dimension ``` Arguments: dims: Tuple of integers. Permutation pattern, does not include the samples dimension. Indexing starts at 1. For instance, `(2, 1)` permutes the first and second dimension of the input. Input shape: Arbitrary. Use the keyword argument `input_shape` (tuple of integers, does not include the samples axis) when using this layer as the first layer in a model. Output shape: Same as the input shape, but with the dimensions re-ordered according to the specified pattern. """ def __init__(self, dims, **kwargs): super(Permute, self).__init__(**kwargs) self.dims = tuple(dims) self.input_spec = InputSpec(ndim=len(self.dims) + 1) def _compute_output_shape(self, input_shape): input_shape = tensor_shape.TensorShape(input_shape).as_list() output_shape = copy.copy(input_shape) for i, dim in enumerate(self.dims): target_dim = input_shape[dim] output_shape[i + 1] = target_dim return tensor_shape.TensorShape(output_shape) def call(self, inputs): return K.permute_dimensions(inputs, (0,) + self.dims) def get_config(self): config = {'dims': self.dims} base_config = super(Permute, self).get_config() return dict(list(base_config.items()) + list(config.items())) class Flatten(Layer): """Flattens the input. Does not affect the batch size. Example: ```python model = Sequential() model.add(Convolution2D(64, 3, 3, border_mode='same', input_shape=(3, 32, 32))) # now: model.output_shape == (None, 64, 32, 32) model.add(Flatten()) # now: model.output_shape == (None, 65536) ``` """ def __init__(self, **kwargs): super(Flatten, self).__init__(**kwargs) self.input_spec = InputSpec(min_ndim=3) def _compute_output_shape(self, input_shape): input_shape = tensor_shape.TensorShape(input_shape).as_list() if not all(input_shape[1:]): raise ValueError('The shape of the input to "Flatten" ' 'is not fully defined ' '(got ' + str(input_shape[1:]) + '. ' 'Make sure to pass a complete "input_shape" ' 'or "batch_input_shape" argument to the first ' 'layer in your model.') return tensor_shape.TensorShape([input_shape[0], np.prod(input_shape[1:])]) def call(self, inputs): outputs = K.batch_flatten(inputs) outputs.set_shape(self._compute_output_shape(inputs.get_shape())) return outputs class RepeatVector(Layer): """Repeats the input n times. Example: ```python model = Sequential() model.add(Dense(32, input_dim=32)) # now: model.output_shape == (None, 32) # note: `None` is the batch dimension model.add(RepeatVector(3)) # now: model.output_shape == (None, 3, 32) ``` Arguments: n: integer, repetition factor. Input shape: 2D tensor of shape `(num_samples, features)`. Output shape: 3D tensor of shape `(num_samples, n, features)`. """ def __init__(self, n, **kwargs): super(RepeatVector, self).__init__(**kwargs) self.n = n self.input_spec = InputSpec(ndim=2) def _compute_output_shape(self, input_shape): input_shape = tensor_shape.TensorShape(input_shape).as_list() return tensor_shape.TensorShape([input_shape[0], self.n, input_shape[1]]) def call(self, inputs): return K.repeat(inputs, self.n) def get_config(self): config = {'n': self.n} base_config = super(RepeatVector, self).get_config() return dict(list(base_config.items()) + list(config.items())) class Lambda(Layer): """Wraps arbitrary expression as a `Layer` object. Examples: ```python # add a x -> x^2 layer model.add(Lambda(lambda x: x ** 2)) ``` ```python # add a layer that returns the concatenation # of the positive part of the input and # the opposite of the negative part def antirectifier(x): x -= K.mean(x, axis=1, keepdims=True) x = K.l2_normalize(x, axis=1) pos = K.relu(x) neg = K.relu(-x) return K.concatenate([pos, neg], axis=1) model.add(Lambda(antirectifier)) ``` Arguments: function: The function to be evaluated. Takes input tensor as first argument. arguments: optional dictionary of keyword arguments to be passed to the function. Input shape: Arbitrary. Use the keyword argument input_shape (tuple of integers, does not include the samples axis) when using this layer as the first layer in a model. Output shape: Specified by `output_shape` argument (or auto-inferred when using TensorFlow). """ def __init__(self, function, mask=None, arguments=None, **kwargs): super(Lambda, self).__init__(**kwargs) self.function = function self.arguments = arguments if arguments else {} if mask is not None: self.supports_masking = True self.mask = mask def call(self, inputs, mask=None): arguments = self.arguments arg_spec = tf_inspect.getargspec(self.function) if 'mask' in arg_spec.args: arguments['mask'] = mask return self.function(inputs, **arguments) def compute_mask(self, inputs, mask=None): if callable(self.mask): return self.mask(inputs, mask) return self.mask def get_config(self): if isinstance(self.function, python_types.LambdaType): function = func_dump(self.function) function_type = 'lambda' else: function = self.function.__name__ function_type = 'function' config = { 'function': function, 'function_type': function_type, 'arguments': self.arguments } base_config = super(Lambda, self).get_config() return dict(list(base_config.items()) + list(config.items())) @classmethod def from_config(cls, config, custom_objects=None): globs = globals() if custom_objects: globs = dict(list(globs.items()) + list(custom_objects.items())) function_type = config.pop('function_type') if function_type == 'function': # Simple lookup in custom objects function = deserialize_keras_object( config['function'], custom_objects=custom_objects, printable_module_name='function in Lambda layer') elif function_type == 'lambda': # Unsafe deserialization from bytecode function = func_load(config['function'], globs=globs) else: raise TypeError('Unknown function type:', function_type) config['function'] = function return cls(**config) class Dense(tf_core_layers.Dense, Layer): """Just your regular densely-connected NN layer. `Dense` implements the operation: `output = activation(dot(input, kernel) + bias)` where `activation` is the element-wise activation function passed as the `activation` argument, `kernel` is a weights matrix created by the layer, and `bias` is a bias vector created by the layer (only applicable if `use_bias` is `True`). Note: if the input to the layer has a rank greater than 2, then it is flattened prior to the initial dot product with `kernel`. Example: ```python # as first layer in a sequential model: model = Sequential() model.add(Dense(32, input_shape=(16,))) # now the model will take as input arrays of shape (*, 16) # and output arrays of shape (*, 32) # after the first layer, you don't need to specify # the size of the input anymore: model.add(Dense(32)) ``` Arguments: units: Positive integer, dimensionality of the output space. activation: Activation function to use. If you don't specify anything, no activation is applied (ie. "linear" activation: `a(x) = x`). use_bias: Boolean, whether the layer uses a bias vector. kernel_initializer: Initializer for the `kernel` weights matrix. bias_initializer: Initializer for the bias vector. kernel_regularizer: Regularizer function applied to the `kernel` weights matrix. bias_regularizer: Regularizer function applied to the bias vector. activity_regularizer: Regularizer function applied to the output of the layer (its "activation").. kernel_constraint: Constraint function applied to the `kernel` weights matrix. bias_constraint: Constraint function applied to the bias vector. Input shape: nD tensor with shape: `(batch_size, ..., input_dim)`. The most common situation would be a 2D input with shape `(batch_size, input_dim)`. Output shape: nD tensor with shape: `(batch_size, ..., units)`. For instance, for a 2D input with shape `(batch_size, input_dim)`, the output would have shape `(batch_size, units)`. """ def __init__(self, units, activation=None, use_bias=True, kernel_initializer='glorot_uniform', bias_initializer='zeros', kernel_regularizer=None, bias_regularizer=None, activity_regularizer=None, kernel_constraint=None, bias_constraint=None, **kwargs): if 'input_shape' not in kwargs and 'input_dim' in kwargs: kwargs['input_shape'] = (kwargs.pop('input_dim'),) # Inheritance call order: # 1) tf.layers.Dense, 2) keras.layers.Layer, 3) tf.layers.Layer super(Dense, self).__init__( units, activation=activations.get(activation), use_bias=use_bias, kernel_initializer=initializers.get(kernel_initializer), bias_initializer=initializers.get(bias_initializer), kernel_regularizer=regularizers.get(kernel_regularizer), bias_regularizer=regularizers.get(bias_regularizer), activity_regularizer=regularizers.get(activity_regularizer), **kwargs) # TODO(fchollet): move weight constraint support to core layers. self.kernel_constraint = constraints.get(kernel_constraint) self.bias_constraint = constraints.get(bias_constraint) self.supports_masking = True def build(self, input_shape): super(Dense, self).build(input_shape) # TODO(fchollet): move weight constraint support to core layers. if self.kernel_constraint: self.constraints[self.kernel] = self.kernel_constraint if self.use_bias and self.bias_constraint: self.constraints[self.bias] = self.bias_constraint def get_config(self): config = { 'units': self.units, 'activation': activations.serialize(self.activation), 'use_bias': self.use_bias, 'kernel_initializer': initializers.serialize(self.kernel_initializer), 'bias_initializer': initializers.serialize(self.bias_initializer), 'kernel_regularizer': regularizers.serialize(self.kernel_regularizer), 'bias_regularizer': regularizers.serialize(self.bias_regularizer), 'activity_regularizer': regularizers.serialize(self.activity_regularizer), 'kernel_constraint': constraints.serialize(self.kernel_constraint), 'bias_constraint': constraints.serialize(self.bias_constraint) } base_config = super(Dense, self).get_config() return dict(list(base_config.items()) + list(config.items())) class ActivityRegularization(Layer): """Layer that applies an update to the cost function based input activity. Arguments: l1: L1 regularization factor (positive float). l2: L2 regularization factor (positive float). Input shape: Arbitrary. Use the keyword argument `input_shape` (tuple of integers, does not include the samples axis) when using this layer as the first layer in a model. Output shape: Same shape as input. """ def __init__(self, l1=0., l2=0., **kwargs): super(ActivityRegularization, self).__init__(**kwargs) self.supports_masking = True self.l1 = l1 self.l2 = l2 self.activity_regularizer = regularizers.L1L2(l1=l1, l2=l2) def get_config(self): config = {'l1': self.l1, 'l2': self.l2} base_config = super(ActivityRegularization, self).get_config() return dict(list(base_config.items()) + list(config.items()))
#!/usr/bin/env python3 import nestedtext as nt from pathlib import Path from voluptuous import Schema, Invalid, Extra, Required, REMOVE_EXTRA from pprint import pprint # Settings schema # First define some functions that are used for validation and coercion def to_str(arg): if isinstance(arg, str): return arg raise Invalid('expected text.') def to_ident(arg): arg = to_str(arg) if len(arg.split()) > 1: raise Invalid('expected simple identifier.') return arg def to_list(arg): if isinstance(arg, str): return arg.split() if isinstance(arg, dict): raise Invalid('expected list.') return arg def to_paths(arg): return [Path(p).expanduser() for p in to_list(arg)] def to_email(arg): user, _, host = arg.partition('@') if '.' in host: return arg raise Invalid('expected email address.') def to_emails(arg): return [to_email(e) for e in to_list(arg)] def to_gpg_id(arg): try: return to_email(arg) # gpg ID may be an email address except Invalid: try: int(arg, base=16) # if not an email, it must be a hex key assert len(arg) >= 8 # at least 8 characters long return arg except (ValueError, AssertionError): raise Invalid('expected GPG id.') def to_gpg_ids(arg): return [to_gpg_id(i) for i in to_list(arg)] # define the schema for the settings file schema = Schema( { Required('my gpg ids'): to_gpg_ids, 'sign with': to_gpg_id, 'avendesora gpg passphrase account': to_str, 'avendesora gpg passphrase field': to_str, 'name template': to_str, Required('recipients'): { Extra: { Required('category'): to_ident, Required('email'): to_emails, 'gpg id': to_gpg_id, 'attach': to_paths, 'networth': to_ident, } }, }, extra = REMOVE_EXTRA ) # this function implements references def expand_settings(value): # allows macro values to be defined as a top-level setting. # allows macro reference to be found anywhere. if isinstance(value, str): value = value.strip() if value[:1] == '@': value = settings[value[1:].strip()] return value if isinstance(value, dict): return {k:expand_settings(v) for k, v in value.items()} if isinstance(value, list): return [expand_settings(v) for v in value] raise NotImplementedError(value) try: # Read settings config_filepath = Path('postmortem.nt') if config_filepath.exists(): # load from file settings = nt.load(config_filepath) # expand references settings = expand_settings(settings) # check settings and transform to desired types settings = schema(settings) # show the resulting settings pprint(settings) except nt.NestedTextError as e: e.report() except Invalid as e: print(f"ERROR: {', '.join(str(p) for p in e.path)}: {e.msg}")
const RequestRepository = require('src/request/request'); const request = new RequestRepository(); /** * Controller: Fetch all requested items * @param {Request} req http request variable * @param {Response} res * @returns {Callback} */ function fetchAllRequests(req, res) { let { page, filter, sort, query } = req.query; let sort_by = sort; let sort_direction = undefined; if (sort !== undefined && sort.includes(':')) { [sort_by, sort_direction] = sort.split(':') } Promise.resolve() .then(() => request.fetchAll(page, sort_by, sort_direction, filter, query)) .then(result => res.send(result)) .catch(error => { res.status(404).send({ success: false, message: error.message }); }); } module.exports = fetchAllRequests;
const G_TRACKING_ID = 'UA-143927990-1'; (function($){ $(function(){ $('.sidenav').sidenav(); $('.parallax').parallax(); <!-- Global site tag (gtag.js) - Google Analytics --> window.dataLayer = window.dataLayer || []; function gtag(){dataLayer.push(arguments);} gtag('js', new Date()); gtag('config', G_TRACKING_ID); }); // end of document ready })(jQuery); // end of jQuery name space
# vim: tabstop=4 shiftwidth=4 softtabstop=4 # Copyright 2011 OpenStack LLC. # All Rights Reserved. # # 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. from migrate.changeset import * from sqlalchemy import * from glance.db.sqlalchemy.migrate_repo.schema import ( Boolean, DateTime, BigInteger, Integer, String, Text, from_migration_import) def get_images_table(meta): """ Returns the Table object for the images table that corresponds to the images table definition of this version. """ images = Table('images', meta, Column('id', Integer(), primary_key=True, nullable=False), Column('name', String(255)), Column('disk_format', String(20)), Column('container_format', String(20)), Column('size', BigInteger()), Column('status', String(30), nullable=False), Column('is_public', Boolean(), nullable=False, default=False, index=True), Column('location', Text()), Column('created_at', DateTime(), nullable=False), Column('updated_at', DateTime()), Column('deleted_at', DateTime()), Column('deleted', Boolean(), nullable=False, default=False, index=True), mysql_engine='InnoDB', extend_existing=True) return images def get_image_properties_table(meta): """ No changes to the image properties table from 002... """ (define_image_properties_table,) = from_migration_import( '002_add_image_properties_table', ['define_image_properties_table']) image_properties = define_image_properties_table(meta) return image_properties def upgrade(migrate_engine): meta = MetaData() meta.bind = migrate_engine # No changes to SQLite stores are necessary, since # there is no BIG INTEGER type in SQLite. Unfortunately, # running the Python 005_size_big_integer.py migration script # on a SQLite datastore results in an error in the sa-migrate # code that does the workarounds for SQLite not having # ALTER TABLE MODIFY COLUMN ability dialect = migrate_engine.url.get_dialect().name if not dialect.startswith('sqlite'): (get_images_table,) = from_migration_import( '003_add_disk_format', ['get_images_table']) images = get_images_table(meta) images.columns['size'].alter(type=BigInteger()) def downgrade(migrate_engine): meta = MetaData() meta.bind = migrate_engine # No changes to SQLite stores are necessary, since # there is no BIG INTEGER type in SQLite. Unfortunately, # running the Python 005_size_big_integer.py migration script # on a SQLite datastore results in an error in the sa-migrate # code that does the workarounds for SQLite not having # ALTER TABLE MODIFY COLUMN ability dialect = migrate_engine.url.get_dialect().name if not dialect.startswith('sqlite'): images = get_images_table(meta) images.columns['size'].alter(type=Integer())
const EventEmitter = require('events').EventEmitter; const binding = process.binding('atom_browser_tray'); const Tray = binding.Tray; Object.setPrototypeOf(Tray.prototype, EventEmitter.prototype); const Menu = require('./menu'); Tray.prototype._init = function () { this.menu = null; } Tray.prototype.onNativeMessage = function(msg) { if ("right-click" == msg) { if (this.menu) this.menu.popup(); this.emit("right-click"); } else if ("click" == msg) this.emit("click"); } Tray.prototype.setContextMenu = function(menu) { var self = this; this.menu = menu; this._setIsContextMenu(true); this._setNativeMessageCallback(function(msg) { self.onNativeMessage(msg); }); } Tray.prototype.popUpContextMenu = function(menu, position) { if (this.menu) return; menu.popup(position); } exports.Tray = Tray;
/** * @license Copyright (c) 2003-2021, CKSource - Frederico Knabben. All rights reserved. * For licensing, see LICENSE.md or https://ckeditor.com/legal/ckeditor-oss-license */ /** * @fileOverview The Dialog User Interface plugin. */ CKEDITOR.plugins.add( 'dialogui', { onLoad: function() { var initPrivateObject = function( elementDefinition ) { this._ || ( this._ = {} ); this._[ 'default' ] = this._.initValue = elementDefinition[ 'default' ] || ''; this._.required = elementDefinition.required || false; var args = [ this._ ]; for ( var i = 1; i < arguments.length; i++ ) args.push( arguments[ i ] ); args.push( true ); CKEDITOR.tools.extend.apply( CKEDITOR.tools, args ); return this._; }, textBuilder = { build: function( dialog, elementDefinition, output ) { return new CKEDITOR.ui.dialog.textInput( dialog, elementDefinition, output ); } }, commonBuilder = { build: function( dialog, elementDefinition, output ) { return new CKEDITOR.ui.dialog[ elementDefinition.type ]( dialog, elementDefinition, output ); } }, containerBuilder = { build: function( dialog, elementDefinition, output ) { var children = elementDefinition.children, child, childHtmlList = [], childObjList = []; for ( var i = 0; ( i < children.length && ( child = children[ i ] ) ); i++ ) { var childHtml = []; childHtmlList.push( childHtml ); childObjList.push( CKEDITOR.dialog._.uiElementBuilders[ child.type ].build( dialog, child, childHtml ) ); } return new CKEDITOR.ui.dialog[ elementDefinition.type ]( dialog, childObjList, childHtmlList, output, elementDefinition ); } }, commonPrototype = { isChanged: function() { return this.getValue() != this.getInitValue(); }, reset: function( noChangeEvent ) { this.setValue( this.getInitValue(), noChangeEvent ); }, setInitValue: function() { this._.initValue = this.getValue(); }, resetInitValue: function() { this._.initValue = this._[ 'default' ]; }, getInitValue: function() { return this._.initValue; } }, commonEventProcessors = CKEDITOR.tools.extend( {}, CKEDITOR.ui.dialog.uiElement.prototype.eventProcessors, { onChange: function( dialog, func ) { if ( !this._.domOnChangeRegistered ) { dialog.on( 'load', function() { this.getInputElement().on( 'change', function() { // Make sure 'onchange' doesn't get fired after dialog closed. (https://dev.ckeditor.com/ticket/5719) if ( !dialog.parts.dialog.isVisible() ) return; this.fire( 'change', { value: this.getValue() } ); }, this ); }, this ); this._.domOnChangeRegistered = true; } this.on( 'change', func ); } }, true ), eventRegex = /^on([A-Z]\w+)/, cleanInnerDefinition = function( def ) { // An inner UI element should not have the parent's type, title or events. for ( var i in def ) { if ( eventRegex.test( i ) || i == 'title' || i == 'type' ) delete def[ i ]; } return def; }, // @context {CKEDITOR.dialog.uiElement} UI element (textarea or textInput) // @param {CKEDITOR.dom.event} evt toggleBidiKeyUpHandler = function( evt ) { var keystroke = evt.data.getKeystroke(); // ALT + SHIFT + Home for LTR direction. if ( keystroke == CKEDITOR.SHIFT + CKEDITOR.ALT + 36 ) this.setDirectionMarker( 'ltr' ); // ALT + SHIFT + End for RTL direction. else if ( keystroke == CKEDITOR.SHIFT + CKEDITOR.ALT + 35 ) this.setDirectionMarker( 'rtl' ); }; CKEDITOR.tools.extend( CKEDITOR.ui.dialog, { /** * Base class for all dialog window elements with a textual label on the left. * * @class CKEDITOR.ui.dialog.labeledElement * @extends CKEDITOR.ui.dialog.uiElement * @constructor Creates a labeledElement class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `label` (Required) The label string. * * `labelLayout` (Optional) Put 'horizontal' here if the * label element is to be laid out horizontally. Otherwise a vertical * layout will be used. * * `widths` (Optional) This applies only to horizontal * layouts &mdash; a two-element array of lengths to specify the widths of the * label and the content element. * * `role` (Optional) Value for the `role` attribute. * * `includeLabel` (Optional) If set to `true`, the `aria-labelledby` attribute * will be included. * * @param {Array} htmlList The list of HTML code to output to. * @param {Function} contentHtml * A function returning the HTML code string to be added inside the content * cell. */ labeledElement: function( dialog, elementDefinition, htmlList, contentHtml ) { if ( arguments.length < 4 ) return; var _ = initPrivateObject.call( this, elementDefinition ); _.labelId = CKEDITOR.tools.getNextId() + '_label'; this._.children = []; var innerHTML = function() { var html = [], requiredClass = elementDefinition.required ? ' cke_required' : ''; if ( elementDefinition.labelLayout != 'horizontal' ) { html.push( '<label class="cke_dialog_ui_labeled_label' + requiredClass + '" ', ' id="' + _.labelId + '"', ( _.inputId ? ' for="' + _.inputId + '"' : '' ), ( elementDefinition.labelStyle ? ' style="' + elementDefinition.labelStyle + '"' : '' ) + '>', // If label is required add asterisk. #3433) ( elementDefinition.required ? elementDefinition.label + '<span class="cke_dialog_ui_labeled_required" aria-hidden="true">*</span>' : elementDefinition.label ), '</label>', '<div class="cke_dialog_ui_labeled_content"', ( elementDefinition.controlStyle ? ' style="' + elementDefinition.controlStyle + '"' : '' ), ' role="presentation">', contentHtml.call( this, dialog, elementDefinition ), '</div>' ); } else { var hboxDefinition = { type: 'hbox', widths: elementDefinition.widths, padding: 0, children: [ { type: 'html', html: '<label class="cke_dialog_ui_labeled_label' + requiredClass + '"' + ' id="' + _.labelId + '"' + ' for="' + _.inputId + '"' + ( elementDefinition.labelStyle ? ' style="' + elementDefinition.labelStyle + '"' : '' ) + '>' + CKEDITOR.tools.htmlEncode( elementDefinition.label ) + '</label>' }, { type: 'html', html: '<span class="cke_dialog_ui_labeled_content"' + ( elementDefinition.controlStyle ? ' style="' + elementDefinition.controlStyle + '"' : '' ) + '>' + contentHtml.call( this, dialog, elementDefinition ) + '</span>' } ] }; CKEDITOR.dialog._.uiElementBuilders.hbox.build( dialog, hboxDefinition, html ); } return html.join( '' ); }; var attributes = { role: elementDefinition.role || 'presentation' }; if ( elementDefinition.includeLabel ) attributes[ 'aria-labelledby' ] = _.labelId; CKEDITOR.ui.dialog.uiElement.call( this, dialog, elementDefinition, htmlList, 'div', null, attributes, innerHTML ); }, /** * A text input with a label. This UI element class represents both the * single-line text inputs and password inputs in dialog boxes. * * Since 4.11.0 it also represents the phone number input. * * @class CKEDITOR.ui.dialog.textInput * @extends CKEDITOR.ui.dialog.labeledElement * @constructor Creates a textInput class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `default` (Optional) The default value. * * `validate` (Optional) The validation function. * * `maxLength` (Optional) The maximum length of text box contents. * * `size` (Optional) The size of the text box. This is * usually overridden by the size defined by the skin, though. * * @param {Array} htmlList List of HTML code to output to. */ textInput: function( dialog, elementDefinition, htmlList ) { if ( arguments.length < 3 ) return; initPrivateObject.call( this, elementDefinition ); var domId = this._.inputId = CKEDITOR.tools.getNextId() + '_textInput', attributes = { 'class': 'cke_dialog_ui_input_' + elementDefinition.type, id: domId, type: elementDefinition.type }; // Set the validator, if any. if ( elementDefinition.validate ) this.validate = elementDefinition.validate; // Set the max length and size. if ( elementDefinition.maxLength ) attributes.maxlength = elementDefinition.maxLength; if ( elementDefinition.size ) attributes.size = elementDefinition.size; if ( elementDefinition.inputStyle ) attributes.style = elementDefinition.inputStyle; // If user presses Enter in a text box, it implies clicking OK for the dialog. var me = this, keyPressedOnMe = false; dialog.on( 'load', function() { me.getInputElement().on( 'keydown', function( evt ) { if ( evt.data.getKeystroke() == 13 ) keyPressedOnMe = true; } ); // Lower the priority this 'keyup' since 'ok' will close the dialog.(https://dev.ckeditor.com/ticket/3749) me.getInputElement().on( 'keyup', function( evt ) { if ( evt.data.getKeystroke() == 13 && keyPressedOnMe ) { dialog.getButton( 'ok' ) && setTimeout( function() { dialog.getButton( 'ok' ).click(); }, 0 ); keyPressedOnMe = false; } if ( me.bidi ) toggleBidiKeyUpHandler.call( me, evt ); }, null, null, 1000 ); } ); var innerHTML = function() { // IE BUG: Text input fields in IE at 100% would exceed a <td> or inline // container's width, so need to wrap it inside a <div>. var html = [ '<div class="cke_dialog_ui_input_', elementDefinition.type, '" role="presentation"' ]; if ( elementDefinition.width ) html.push( 'style="width:' + elementDefinition.width + '" ' ); html.push( '><input ' ); attributes[ 'aria-labelledby' ] = this._.labelId; this._.required && ( attributes[ 'aria-required' ] = this._.required ); for ( var i in attributes ) html.push( i + '="' + attributes[ i ] + '" ' ); html.push( ' /></div>' ); return html.join( '' ); }; CKEDITOR.ui.dialog.labeledElement.call( this, dialog, elementDefinition, htmlList, innerHTML ); }, /** * A text area with a label at the top or on the left. * * @class CKEDITOR.ui.dialog.textarea * @extends CKEDITOR.ui.dialog.labeledElement * @constructor Creates a textarea class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * * The element definition. Accepted fields: * * * `rows` (Optional) The number of rows displayed. * Defaults to 5 if not defined. * * `cols` (Optional) The number of cols displayed. * Defaults to 20 if not defined. Usually overridden by skins. * * `default` (Optional) The default value. * * `validate` (Optional) The validation function. * * @param {Array} htmlList List of HTML code to output to. */ textarea: function( dialog, elementDefinition, htmlList ) { if ( arguments.length < 3 ) return; initPrivateObject.call( this, elementDefinition ); var me = this, domId = this._.inputId = CKEDITOR.tools.getNextId() + '_textarea', attributes = {}; if ( elementDefinition.validate ) this.validate = elementDefinition.validate; // Generates the essential attributes for the textarea tag. attributes.rows = elementDefinition.rows || 5; attributes.cols = elementDefinition.cols || 20; attributes[ 'class' ] = 'cke_dialog_ui_input_textarea ' + ( elementDefinition[ 'class' ] || '' ); if ( typeof elementDefinition.inputStyle != 'undefined' ) attributes.style = elementDefinition.inputStyle; if ( elementDefinition.dir ) attributes.dir = elementDefinition.dir; if ( me.bidi ) { dialog.on( 'load', function() { me.getInputElement().on( 'keyup', toggleBidiKeyUpHandler ); }, me ); } var innerHTML = function() { attributes[ 'aria-labelledby' ] = this._.labelId; this._.required && ( attributes[ 'aria-required' ] = this._.required ); var html = [ '<div class="cke_dialog_ui_input_textarea" role="presentation"><textarea id="', domId, '" ' ]; for ( var i in attributes ) html.push( i + '="' + CKEDITOR.tools.htmlEncode( attributes[ i ] ) + '" ' ); html.push( '>', CKEDITOR.tools.htmlEncode( me._[ 'default' ] ), '</textarea></div>' ); return html.join( '' ); }; CKEDITOR.ui.dialog.labeledElement.call( this, dialog, elementDefinition, htmlList, innerHTML ); }, /** * A single checkbox with a label on the right. * * @class CKEDITOR.ui.dialog.checkbox * @extends CKEDITOR.ui.dialog.uiElement * @constructor Creates a checkbox class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `checked` (Optional) Whether the checkbox is checked * on instantiation. Defaults to `false`. * * `validate` (Optional) The validation function. * * `label` (Optional) The checkbox label. * * @param {Array} htmlList List of HTML code to output to. */ checkbox: function( dialog, elementDefinition, htmlList ) { if ( arguments.length < 3 ) return; var _ = initPrivateObject.call( this, elementDefinition, { 'default': !!elementDefinition[ 'default' ] } ); if ( elementDefinition.validate ) this.validate = elementDefinition.validate; var innerHTML = function() { var myDefinition = CKEDITOR.tools.extend( {}, elementDefinition, { id: elementDefinition.id ? elementDefinition.id + '_checkbox' : CKEDITOR.tools.getNextId() + '_checkbox' }, true ), html = []; var labelId = CKEDITOR.tools.getNextId() + '_label'; var attributes = { 'class': 'cke_dialog_ui_checkbox_input', type: 'checkbox', 'aria-labelledby': labelId }; cleanInnerDefinition( myDefinition ); if ( elementDefinition[ 'default' ] ) attributes.checked = 'checked'; if ( typeof myDefinition.inputStyle != 'undefined' ) myDefinition.style = myDefinition.inputStyle; _.checkbox = new CKEDITOR.ui.dialog.uiElement( dialog, myDefinition, html, 'input', null, attributes ); html.push( ' <label id="', labelId, '" for="', attributes.id, '"' + ( elementDefinition.labelStyle ? ' style="' + elementDefinition.labelStyle + '"' : '' ) + '>', CKEDITOR.tools.htmlEncode( elementDefinition.label ), '</label>' ); return html.join( '' ); }; CKEDITOR.ui.dialog.uiElement.call( this, dialog, elementDefinition, htmlList, 'span', null, null, innerHTML ); }, /** * A group of radio buttons. * * @class CKEDITOR.ui.dialog.radio * @extends CKEDITOR.ui.dialog.labeledElement * @constructor Creates a radio class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `default` (Required) The default value. * * `validate` (Optional) The validation function. * * `items` (Required) An array of options. Each option * is a one- or two-item array of format `[ 'Description', 'Value' ]`. If `'Value'` * is missing, then the value would be assumed to be the same as the description. * * @param {Array} htmlList List of HTML code to output to. */ radio: function( dialog, elementDefinition, htmlList ) { if ( arguments.length < 3 ) return; initPrivateObject.call( this, elementDefinition ); if ( !this._[ 'default' ] ) this._[ 'default' ] = this._.initValue = elementDefinition.items[ 0 ][ 1 ]; if ( elementDefinition.validate ) this.validate = elementDefinition.validate; var children = [], me = this; var innerHTML = function() { var inputHtmlList = [], html = [], commonName = ( elementDefinition.id ? elementDefinition.id : CKEDITOR.tools.getNextId() ) + '_radio'; for ( var i = 0; i < elementDefinition.items.length; i++ ) { var item = elementDefinition.items[ i ], title = item[ 2 ] !== undefined ? item[ 2 ] : item[ 0 ], value = item[ 1 ] !== undefined ? item[ 1 ] : item[ 0 ], inputId = CKEDITOR.tools.getNextId() + '_radio_input', labelId = inputId + '_label', inputDefinition = CKEDITOR.tools.extend( {}, elementDefinition, { id: inputId, title: null, type: null }, true ), labelDefinition = CKEDITOR.tools.extend( {}, inputDefinition, { title: title }, true ), inputAttributes = { type: 'radio', 'class': 'cke_dialog_ui_radio_input', name: commonName, value: value, 'aria-labelledby': labelId }, inputHtml = []; if ( me._[ 'default' ] == value ) inputAttributes.checked = 'checked'; cleanInnerDefinition( inputDefinition ); cleanInnerDefinition( labelDefinition ); if ( typeof inputDefinition.inputStyle != 'undefined' ) inputDefinition.style = inputDefinition.inputStyle; // Make inputs of radio type focusable (https://dev.ckeditor.com/ticket/10866). inputDefinition.keyboardFocusable = true; children.push( new CKEDITOR.ui.dialog.uiElement( dialog, inputDefinition, inputHtml, 'input', null, inputAttributes ) ); inputHtml.push( ' ' ); new CKEDITOR.ui.dialog.uiElement( dialog, labelDefinition, inputHtml, 'label', null, { id: labelId, 'for': inputAttributes.id }, item[ 0 ] ); inputHtmlList.push( inputHtml.join( '' ) ); } new CKEDITOR.ui.dialog.hbox( dialog, children, inputHtmlList, html ); return html.join( '' ); }; // Adding a role="radiogroup" to definition used for wrapper. elementDefinition.role = 'radiogroup'; elementDefinition.includeLabel = true; CKEDITOR.ui.dialog.labeledElement.call( this, dialog, elementDefinition, htmlList, innerHTML ); this._.children = children; }, /** * A button with a label inside. * * @class CKEDITOR.ui.dialog.button * @extends CKEDITOR.ui.dialog.uiElement * @constructor Creates a button class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `label` (Required) The button label. * * `disabled` (Optional) Set to `true` if you want the * button to appear in the disabled state. * * @param {Array} htmlList List of HTML code to output to. */ button: function( dialog, elementDefinition, htmlList ) { if ( !arguments.length ) return; if ( typeof elementDefinition == 'function' ) elementDefinition = elementDefinition( dialog.getParentEditor() ); initPrivateObject.call( this, elementDefinition, { disabled: elementDefinition.disabled || false } ); // Add OnClick event to this input. CKEDITOR.event.implementOn( this ); var me = this; // Register an event handler for processing button clicks. dialog.on( 'load', function() { var element = this.getElement(); ( function() { element.on( 'click', function( evt ) { me.click(); // https://dev.ckeditor.com/ticket/9958 evt.data.preventDefault(); } ); element.on( 'keydown', function( evt ) { if ( evt.data.getKeystroke() in { 32: 1 } ) { me.click(); evt.data.preventDefault(); } } ); } )(); element.unselectable(); }, this ); var outerDefinition = CKEDITOR.tools.extend( {}, elementDefinition ); delete outerDefinition.style; var labelId = CKEDITOR.tools.getNextId() + '_label'; CKEDITOR.ui.dialog.uiElement.call( this, dialog, outerDefinition, htmlList, 'a', null, { style: elementDefinition.style, href: 'javascript:void(0)', // jshint ignore:line title: elementDefinition.label, hidefocus: 'true', 'class': elementDefinition[ 'class' ], role: 'button', 'aria-labelledby': labelId }, '<span id="' + labelId + '" class="cke_dialog_ui_button">' + CKEDITOR.tools.htmlEncode( elementDefinition.label ) + '</span>' ); }, /** * A select box. * * @class CKEDITOR.ui.dialog.select * @extends CKEDITOR.ui.dialog.uiElement * @constructor Creates a button class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `default` (Required) The default value. * * `validate` (Optional) The validation function. * * `items` (Required) An array of options. Each option * is a one- or two-item array of format `[ 'Description', 'Value' ]`. If `'Value'` * is missing, then the value would be assumed to be the same as the * description. * * `multiple` (Optional) Set this to `true` if you would like * to have a multiple-choice select box. * * `size` (Optional) The number of items to display in * the select box. * * @param {Array} htmlList List of HTML code to output to. */ select: function( dialog, elementDefinition, htmlList ) { if ( arguments.length < 3 ) return; var _ = initPrivateObject.call( this, elementDefinition ); if ( elementDefinition.validate ) this.validate = elementDefinition.validate; _.inputId = CKEDITOR.tools.getNextId() + '_select'; var innerHTML = function() { var myDefinition = CKEDITOR.tools.extend( {}, elementDefinition, { id: ( elementDefinition.id ? elementDefinition.id + '_select' : CKEDITOR.tools.getNextId() + '_select' ) }, true ), html = [], innerHTML = [], attributes = { 'id': _.inputId, 'class': 'cke_dialog_ui_input_select', 'aria-labelledby': this._.labelId }; html.push( '<div class="cke_dialog_ui_input_', elementDefinition.type, '" role="presentation"' ); if ( elementDefinition.width ) html.push( 'style="width:' + elementDefinition.width + '" ' ); html.push( '>' ); // Add multiple and size attributes from element definition. if ( elementDefinition.size !== undefined ) attributes.size = elementDefinition.size; if ( elementDefinition.multiple !== undefined ) attributes.multiple = elementDefinition.multiple; cleanInnerDefinition( myDefinition ); for ( var i = 0, item; i < elementDefinition.items.length && ( item = elementDefinition.items[ i ] ); i++ ) { innerHTML.push( '<option value="', CKEDITOR.tools.htmlEncode( item[ 1 ] !== undefined ? item[ 1 ] : item[ 0 ] ).replace( /"/g, '&quot;' ), '" /> ', CKEDITOR.tools.htmlEncode( item[ 0 ] ) ); } if ( typeof myDefinition.inputStyle != 'undefined' ) myDefinition.style = myDefinition.inputStyle; _.select = new CKEDITOR.ui.dialog.uiElement( dialog, myDefinition, html, 'select', null, attributes, innerHTML.join( '' ) ); html.push( '</div>' ); return html.join( '' ); }; CKEDITOR.ui.dialog.labeledElement.call( this, dialog, elementDefinition, htmlList, innerHTML ); }, /** * A file upload input. * * @class CKEDITOR.ui.dialog.file * @extends CKEDITOR.ui.dialog.labeledElement * @constructor Creates a file class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `validate` (Optional) The validation function. * * @param {Array} htmlList List of HTML code to output to. */ file: function( dialog, elementDefinition, htmlList ) { if ( arguments.length < 3 ) return; if ( elementDefinition[ 'default' ] === undefined ) elementDefinition[ 'default' ] = ''; var _ = CKEDITOR.tools.extend( initPrivateObject.call( this, elementDefinition ), { definition: elementDefinition, buttons: [] } ); if ( elementDefinition.validate ) this.validate = elementDefinition.validate; /** @ignore */ var innerHTML = function() { _.frameId = CKEDITOR.tools.getNextId() + '_fileInput'; var html = [ '<iframe' + ' frameborder="0"' + ' allowtransparency="0"' + ' class="cke_dialog_ui_input_file"' + ' role="presentation"' + ' id="', _.frameId, '"' + ' title="', elementDefinition.label, '"' + ' src="javascript:void(' ]; // Support for custom document.domain on IE. (https://dev.ckeditor.com/ticket/10165) html.push( CKEDITOR.env.ie ? '(function(){' + encodeURIComponent( 'document.open();' + '(' + CKEDITOR.tools.fixDomain + ')();' + 'document.close();' ) + '})()' : '0' ); html.push( ')"></iframe>' ); return html.join( '' ); }; // IE BUG: Parent container does not resize to contain the iframe automatically. dialog.on( 'load', function() { var iframe = CKEDITOR.document.getById( _.frameId ), contentDiv = iframe.getParent(); contentDiv.addClass( 'cke_dialog_ui_input_file' ); } ); CKEDITOR.ui.dialog.labeledElement.call( this, dialog, elementDefinition, htmlList, innerHTML ); }, /** * A button for submitting the file in a file upload input. * * @class CKEDITOR.ui.dialog.fileButton * @extends CKEDITOR.ui.dialog.button * @constructor Creates a fileButton class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `for` (Required) The file input's page and element ID * to associate with, in a two-item array format: `[ 'page_id', 'element_id' ]`. * * `validate` (Optional) The validation function. * * @param {Array} htmlList List of HTML code to output to. */ fileButton: function( dialog, elementDefinition, htmlList ) { var me = this; if ( arguments.length < 3 ) return; initPrivateObject.call( this, elementDefinition ); if ( elementDefinition.validate ) this.validate = elementDefinition.validate; var myDefinition = CKEDITOR.tools.extend( {}, elementDefinition ); var onClick = myDefinition.onClick; myDefinition.className = ( myDefinition.className ? myDefinition.className + ' ' : '' ) + 'cke_dialog_ui_button'; myDefinition.onClick = function( evt ) { var target = elementDefinition[ 'for' ]; // [ pageId, elementId ] // If exists onClick in elementDefinition, then it is called and checked response type. // If it's possible, then XHR is used, what prevents of using submit. var responseType = onClick ? onClick.call( this, evt ) : false; if ( responseType !== false ) { if ( responseType !== 'xhr' ) { dialog.getContentElement( target[ 0 ], target[ 1 ] ).submit(); } this.disable(); } }; dialog.on( 'load', function() { dialog.getContentElement( elementDefinition[ 'for' ][ 0 ], elementDefinition[ 'for' ][ 1 ] )._.buttons.push( me ); } ); CKEDITOR.ui.dialog.button.call( this, dialog, myDefinition, htmlList ); }, html: ( function() { var myHtmlRe = /^\s*<[\w:]+\s+([^>]*)?>/, theirHtmlRe = /^(\s*<[\w:]+(?:\s+[^>]*)?)((?:.|\r|\n)+)$/, emptyTagRe = /\/$/; /** * A dialog window element made from raw HTML code. * * @class CKEDITOR.ui.dialog.html * @extends CKEDITOR.ui.dialog.uiElement * @constructor Creates a html class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition Element definition. * Accepted fields: * * * `html` (Required) HTML code of this element. * * @param {Array} htmlList List of HTML code to be added to the dialog's content area. */ return function( dialog, elementDefinition, htmlList ) { if ( arguments.length < 3 ) return; var myHtmlList = [], myHtml, theirHtml = elementDefinition.html, myMatch, theirMatch; // If the HTML input doesn't contain any tags at the beginning, add a <span> tag around it. if ( theirHtml.charAt( 0 ) != '<' ) theirHtml = '<span>' + theirHtml + '</span>'; // Look for focus function in definition. var focus = elementDefinition.focus; if ( focus ) { var oldFocus = this.focus; this.focus = function() { ( typeof focus == 'function' ? focus : oldFocus ).call( this ); this.fire( 'focus' ); }; if ( elementDefinition.isFocusable ) { var oldIsFocusable = this.isFocusable; this.isFocusable = oldIsFocusable; } this.keyboardFocusable = true; } CKEDITOR.ui.dialog.uiElement.call( this, dialog, elementDefinition, myHtmlList, 'span', null, null, '' ); // Append the attributes created by the uiElement call to the real HTML. myHtml = myHtmlList.join( '' ); myMatch = myHtml.match( myHtmlRe ); theirMatch = theirHtml.match( theirHtmlRe ) || [ '', '', '' ]; if ( emptyTagRe.test( theirMatch[ 1 ] ) ) { theirMatch[ 1 ] = theirMatch[ 1 ].slice( 0, -1 ); theirMatch[ 2 ] = '/' + theirMatch[ 2 ]; } htmlList.push( [ theirMatch[ 1 ], ' ', myMatch[ 1 ] || '', theirMatch[ 2 ] ].join( '' ) ); }; } )(), /** * Form fieldset for grouping dialog UI elements. * * @class CKEDITOR.ui.dialog.fieldset * @extends CKEDITOR.ui.dialog.uiElement * @constructor Creates a fieldset class instance. * @param {CKEDITOR.dialog} dialog Parent dialog window object. * @param {Array} childObjList * Array of {@link CKEDITOR.ui.dialog.uiElement} objects inside this container. * @param {Array} childHtmlList Array of HTML code that corresponds to the HTML output of all the * objects in childObjList. * @param {Array} htmlList Array of HTML code that this element will output to. * @param {CKEDITOR.dialog.definition.uiElement} elementDefinition * The element definition. Accepted fields: * * * `label` (Optional) The legend of the this fieldset. * * `children` (Required) An array of dialog window field definitions which will be grouped inside this fieldset. * */ fieldset: function( dialog, childObjList, childHtmlList, htmlList, elementDefinition ) { var legendLabel = elementDefinition.label; /** @ignore */ var innerHTML = function() { var html = []; legendLabel && html.push( '<legend' + ( elementDefinition.labelStyle ? ' style="' + elementDefinition.labelStyle + '"' : '' ) + '>' + legendLabel + '</legend>' ); for ( var i = 0; i < childHtmlList.length; i++ ) html.push( childHtmlList[ i ] ); return html.join( '' ); }; this._ = { children: childObjList }; CKEDITOR.ui.dialog.uiElement.call( this, dialog, elementDefinition, htmlList, 'fieldset', null, null, innerHTML ); } }, true ); CKEDITOR.ui.dialog.html.prototype = new CKEDITOR.ui.dialog.uiElement(); /** @class CKEDITOR.ui.dialog.labeledElement */ CKEDITOR.ui.dialog.labeledElement.prototype = CKEDITOR.tools.extend( new CKEDITOR.ui.dialog.uiElement(), { /** * Sets the label text of the element. * * @param {String} label The new label text. * @returns {CKEDITOR.ui.dialog.labeledElement} The current labeled element. */ setLabel: function( label ) { var node = CKEDITOR.document.getById( this._.labelId ); if ( node.getChildCount() < 1 ) ( new CKEDITOR.dom.text( label, CKEDITOR.document ) ).appendTo( node ); else node.getChild( 0 ).$.nodeValue = label; return this; }, /** * Retrieves the current label text of the elment. * * @returns {String} The current label text. */ getLabel: function() { var node = CKEDITOR.document.getById( this._.labelId ); if ( !node || node.getChildCount() < 1 ) return ''; else return node.getChild( 0 ).getText(); }, /** * Defines the `onChange` event for UI element definitions. * @property {Object} */ eventProcessors: commonEventProcessors }, true ); /** @class CKEDITOR.ui.dialog.button */ CKEDITOR.ui.dialog.button.prototype = CKEDITOR.tools.extend( new CKEDITOR.ui.dialog.uiElement(), { /** * Simulates a click to the button. * * @returns {Object} Return value of the `click` event. */ click: function() { if ( !this._.disabled ) return this.fire( 'click', { dialog: this._.dialog } ); return false; }, /** * Enables the button. */ enable: function() { this._.disabled = false; var element = this.getElement(); element && element.removeClass( 'cke_disabled' ); }, /** * Disables the button. */ disable: function() { this._.disabled = true; this.getElement().addClass( 'cke_disabled' ); }, /** * Checks whether a field is visible. * * @returns {Boolean} */ isVisible: function() { return this.getElement().getFirst().isVisible(); }, /** * Checks whether a field is enabled. Fields can be disabled by using the * {@link #disable} method and enabled by using the {@link #enable} method. * * @returns {Boolean} */ isEnabled: function() { return !this._.disabled; }, /** * Defines the `onChange` event and `onClick` for button element definitions. * * @property {Object} */ eventProcessors: CKEDITOR.tools.extend( {}, CKEDITOR.ui.dialog.uiElement.prototype.eventProcessors, { onClick: function( dialog, func ) { this.on( 'click', function() { func.apply( this, arguments ); } ); } }, true ), /** * Handler for the element's access key up event. Simulates a click to * the button. */ accessKeyUp: function() { this.click(); }, /** * Handler for the element's access key down event. Simulates a mouse * down to the button. */ accessKeyDown: function() { this.focus(); }, keyboardFocusable: true }, true ); /** @class CKEDITOR.ui.dialog.textInput */ CKEDITOR.ui.dialog.textInput.prototype = CKEDITOR.tools.extend( new CKEDITOR.ui.dialog.labeledElement(), { /** * Gets the text input DOM element under this UI object. * * @returns {CKEDITOR.dom.element} The DOM element of the text input. */ getInputElement: function() { return CKEDITOR.document.getById( this._.inputId ); }, /** * Puts focus into the text input. */ focus: function() { var me = this.selectParentTab(); // GECKO BUG: setTimeout() is needed to workaround invisible selections. setTimeout( function() { var element = me.getInputElement(); element && element.$.focus(); }, 0 ); }, /** * Selects all the text in the text input. */ select: function() { var me = this.selectParentTab(); // GECKO BUG: setTimeout() is needed to workaround invisible selections. setTimeout( function() { var e = me.getInputElement(); if ( e ) { e.$.focus(); e.$.select(); } }, 0 ); }, /** * Handler for the text input's access key up event. Makes a `select()` * call to the text input. */ accessKeyUp: function() { this.select(); }, /** * Sets the value of this text input object. * * uiElement.setValue( 'Blamo' ); * * @param {Object} value The new value. * @returns {CKEDITOR.ui.dialog.textInput} The current UI element. */ setValue: function( value ) { if ( this.bidi ) { var marker = value && value.charAt( 0 ), dir = ( marker == '\u202A' ? 'ltr' : marker == '\u202B' ? 'rtl' : null ); if ( dir ) { value = value.slice( 1 ); } // Set the marker or reset it (if dir==null). this.setDirectionMarker( dir ); } if ( !value ) { value = ''; } return CKEDITOR.ui.dialog.uiElement.prototype.setValue.apply( this, arguments ); }, /** * Gets the value of this text input object. * * @returns {String} The value. */ getValue: function() { var value = CKEDITOR.ui.dialog.uiElement.prototype.getValue.call( this ); if ( this.bidi && value ) { var dir = this.getDirectionMarker(); if ( dir ) { value = ( dir == 'ltr' ? '\u202A' : '\u202B' ) + value; } } return value; }, /** * Sets the text direction marker and the `dir` attribute of the input element. * * @since 4.5.0 * @param {String} dir The text direction. Pass `null` to reset. */ setDirectionMarker: function( dir ) { var inputElement = this.getInputElement(); if ( dir ) { inputElement.setAttributes( { dir: dir, 'data-cke-dir-marker': dir } ); // Don't remove the dir attribute if this field hasn't got the marker, // because the dir attribute could be set independently. } else if ( this.getDirectionMarker() ) { inputElement.removeAttributes( [ 'dir', 'data-cke-dir-marker' ] ); } }, /** * Gets the value of the text direction marker. * * @since 4.5.0 * @returns {String} `'ltr'`, `'rtl'` or `null` if the marker is not set. */ getDirectionMarker: function() { return this.getInputElement().data( 'cke-dir-marker' ); }, keyboardFocusable: true }, commonPrototype, true ); CKEDITOR.ui.dialog.textarea.prototype = new CKEDITOR.ui.dialog.textInput(); /** @class CKEDITOR.ui.dialog.select */ CKEDITOR.ui.dialog.select.prototype = CKEDITOR.tools.extend( new CKEDITOR.ui.dialog.labeledElement(), { /** * Gets the DOM element of the select box. * * @returns {CKEDITOR.dom.element} The `<select>` element of this UI element. */ getInputElement: function() { return this._.select.getElement(); }, /** * Adds an option to the select box. * * @param {String} label Option label. * @param {String} value (Optional) Option value, if not defined it will be * assumed to be the same as the label. * @param {Number} index (Optional) Position of the option to be inserted * to. If not defined, the new option will be inserted to the end of list. * @returns {CKEDITOR.ui.dialog.select} The current select UI element. */ add: function( label, value, index ) { var option = new CKEDITOR.dom.element( 'option', this.getDialog().getParentEditor().document ), selectElement = this.getInputElement().$; option.$.text = label; option.$.value = ( value === undefined || value === null ) ? label : value; if ( index === undefined || index === null ) { if ( CKEDITOR.env.ie ) { selectElement.add( option.$ ); } else { selectElement.add( option.$, null ); } } else { selectElement.add( option.$, index ); } return this; }, /** * Removes an option from the selection list. * * @param {Number} index Index of the option to be removed. * @returns {CKEDITOR.ui.dialog.select} The current select UI element. */ remove: function( index ) { var selectElement = this.getInputElement().$; selectElement.remove( index ); return this; }, /** * Clears all options out of the selection list. * * @returns {CKEDITOR.ui.dialog.select} The current select UI element. */ clear: function() { var selectElement = this.getInputElement().$; while ( selectElement.length > 0 ) selectElement.remove( 0 ); return this; }, keyboardFocusable: true }, commonPrototype, true ); /** @class CKEDITOR.ui.dialog.checkbox */ CKEDITOR.ui.dialog.checkbox.prototype = CKEDITOR.tools.extend( new CKEDITOR.ui.dialog.uiElement(), { /** * Gets the checkbox DOM element. * * @returns {CKEDITOR.dom.element} The DOM element of the checkbox. */ getInputElement: function() { return this._.checkbox.getElement(); }, /** * Sets the state of the checkbox. * * @param {Boolean} checked `true` to tick the checkbox, `false` to untick it. * @param {Boolean} noChangeEvent Internal commit, to supress `change` event on this element. */ setValue: function( checked, noChangeEvent ) { this.getInputElement().$.checked = checked; !noChangeEvent && this.fire( 'change', { value: checked } ); }, /** * Gets the state of the checkbox. * * @returns {Boolean} `true` means that the checkbox is ticked, `false` means it is not ticked. */ getValue: function() { return this.getInputElement().$.checked; }, /** * Handler for the access key up event. Toggles the checkbox. */ accessKeyUp: function() { this.setValue( !this.getValue() ); }, /** * Defines the `onChange` event for UI element definitions. * * @property {Object} */ eventProcessors: { onChange: function( dialog, func ) { if ( !CKEDITOR.env.ie || ( CKEDITOR.env.version > 8 ) ) return commonEventProcessors.onChange.apply( this, arguments ); else { dialog.on( 'load', function() { var element = this._.checkbox.getElement(); element.on( 'propertychange', function( evt ) { evt = evt.data.$; if ( evt.propertyName == 'checked' ) this.fire( 'change', { value: element.$.checked } ); }, this ); }, this ); this.on( 'change', func ); } return null; } }, keyboardFocusable: true }, commonPrototype, true ); /** @class CKEDITOR.ui.dialog.radio */ CKEDITOR.ui.dialog.radio.prototype = CKEDITOR.tools.extend( new CKEDITOR.ui.dialog.uiElement(), { /** * Selects one of the radio buttons in this button group. * * @param {String} value The value of the button to be chcked. * @param {Boolean} noChangeEvent Internal commit, to supress the `change` event on this element. */ setValue: function( value, noChangeEvent ) { var children = this._.children, item; for ( var i = 0; ( i < children.length ) && ( item = children[ i ] ); i++ ) item.getElement().$.checked = ( item.getValue() == value ); !noChangeEvent && this.fire( 'change', { value: value } ); }, /** * Gets the value of the currently selected radio button. * * @returns {String} The currently selected button's value. */ getValue: function() { var children = this._.children; for ( var i = 0; i < children.length; i++ ) { if ( children[ i ].getElement().$.checked ) return children[ i ].getValue(); } return null; }, /** * Handler for the access key up event. Focuses the currently * selected radio button, or the first radio button if none is selected. */ accessKeyUp: function() { var children = this._.children, i; for ( i = 0; i < children.length; i++ ) { if ( children[ i ].getElement().$.checked ) { children[ i ].getElement().focus(); return; } } children[ 0 ].getElement().focus(); }, /** * Defines the `onChange` event for UI element definitions. * * @property {Object} */ eventProcessors: { onChange: function( dialog, func ) { if ( !CKEDITOR.env.ie || ( CKEDITOR.env.version > 8 ) ) return commonEventProcessors.onChange.apply( this, arguments ); else { dialog.on( 'load', function() { var children = this._.children, me = this; for ( var i = 0; i < children.length; i++ ) { var element = children[ i ].getElement(); element.on( 'propertychange', function( evt ) { evt = evt.data.$; if ( evt.propertyName == 'checked' && this.$.checked ) me.fire( 'change', { value: this.getAttribute( 'value' ) } ); } ); } }, this ); this.on( 'change', func ); } return null; } } }, commonPrototype, true ); /** @class CKEDITOR.ui.dialog.file */ CKEDITOR.ui.dialog.file.prototype = CKEDITOR.tools.extend( new CKEDITOR.ui.dialog.labeledElement(), commonPrototype, { /** * Gets the `<input>` element of this file input. * * @returns {CKEDITOR.dom.element} The file input element. */ getInputElement: function() { var frameDocument = CKEDITOR.document.getById( this._.frameId ).getFrameDocument(); return frameDocument.$.forms.length > 0 ? new CKEDITOR.dom.element( frameDocument.$.forms[ 0 ].elements[ 0 ] ) : this.getElement(); }, /** * Uploads the file in the file input. * * @returns {CKEDITOR.ui.dialog.file} This object. */ submit: function() { this.getInputElement().getParent().$.submit(); return this; }, /** * Gets the action assigned to the form. * * @returns {String} The value of the action. */ getAction: function() { return this.getInputElement().getParent().$.action; }, /** * The events must be applied to the inner input element, and * this must be done when the iframe and form have been loaded. */ registerEvents: function( definition ) { var regex = /^on([A-Z]\w+)/, match; var registerDomEvent = function( uiElement, dialog, eventName, func ) { uiElement.on( 'formLoaded', function() { uiElement.getInputElement().on( eventName, func, uiElement ); } ); }; for ( var i in definition ) { if ( !( match = i.match( regex ) ) ) continue; if ( this.eventProcessors[ i ] ) this.eventProcessors[ i ].call( this, this._.dialog, definition[ i ] ); else registerDomEvent( this, this._.dialog, match[ 1 ].toLowerCase(), definition[ i ] ); } return this; }, /** * Redraws the file input and resets the file path in the file input. * The redrawing logic is necessary because non-IE browsers tend to clear * the `<iframe>` containing the file input after closing the dialog window. */ reset: function() { var _ = this._, frameElement = CKEDITOR.document.getById( _.frameId ), frameDocument = frameElement.getFrameDocument(), elementDefinition = _.definition, buttons = _.buttons, callNumber = this.formLoadedNumber, unloadNumber = this.formUnloadNumber, langDir = _.dialog._.editor.lang.dir, langCode = _.dialog._.editor.langCode; // The callback function for the iframe, but we must call tools.addFunction only once // so we store the function number in this.formLoadedNumber if ( !callNumber ) { callNumber = this.formLoadedNumber = CKEDITOR.tools.addFunction( function() { // Now we can apply the events to the input type=file this.fire( 'formLoaded' ); }, this ); // Remove listeners attached to the content of the iframe (the file input) unloadNumber = this.formUnloadNumber = CKEDITOR.tools.addFunction( function() { this.getInputElement().clearCustomData(); }, this ); this.getDialog()._.editor.on( 'destroy', function() { CKEDITOR.tools.removeFunction( callNumber ); CKEDITOR.tools.removeFunction( unloadNumber ); } ); } function generateFormField() { frameDocument.$.open(); var size = ''; if ( elementDefinition.size ) size = elementDefinition.size - ( CKEDITOR.env.ie ? 7 : 0 ); // "Browse" button is bigger in IE. var inputId = _.frameId + '_input'; frameDocument.$.write( [ '<html dir="' + langDir + '" lang="' + langCode + '"><head><title></title></head><body style="margin: 0; overflow: hidden; background: transparent;">', '<form enctype="multipart/form-data" method="POST" dir="' + langDir + '" lang="' + langCode + '" action="', CKEDITOR.tools.htmlEncode( elementDefinition.action ), '">', // Replicate the field label inside of iframe. '<label id="', _.labelId, '" for="', inputId, '" style="display:none">', CKEDITOR.tools.htmlEncode( elementDefinition.label ), '</label>', // Set width to make sure that input is not clipped by the iframe (https://dev.ckeditor.com/ticket/11253). '<input style="width:100%" id="', inputId, '" aria-labelledby="', _.labelId, '" type="file" name="', CKEDITOR.tools.htmlEncode( elementDefinition.id || 'cke_upload' ), '" size="', CKEDITOR.tools.htmlEncode( size > 0 ? size : '' ), '" />', '</form>', '</body></html>', '<script>', // Support for custom document.domain in IE. CKEDITOR.env.ie ? '(' + CKEDITOR.tools.fixDomain + ')();' : '', 'window.parent.CKEDITOR.tools.callFunction(' + callNumber + ');', 'window.onbeforeunload = function() {window.parent.CKEDITOR.tools.callFunction(' + unloadNumber + ')}', '</script>' ].join( '' ) ); frameDocument.$.close(); for ( var i = 0; i < buttons.length; i++ ) buttons[ i ].enable(); } // https://dev.ckeditor.com/ticket/3465: Wait for the browser to finish rendering the dialog first. if ( CKEDITOR.env.gecko ) setTimeout( generateFormField, 500 ); else generateFormField(); }, getValue: function() { return this.getInputElement().$.value || ''; }, /** * The default value of input `type="file"` is an empty string, but during the initialization * of this UI element, the iframe still is not ready so it cannot be read from that object. * Setting it manually prevents later issues with the current value (`''`) being different * than the initial value (undefined as it asked for `.value` of a div). */ setInitValue: function() { this._.initValue = ''; }, /** * Defines the `onChange` event for UI element definitions. * * @property {Object} */ eventProcessors: { onChange: function( dialog, func ) { // If this method is called several times (I'm not sure about how this can happen but the default // onChange processor includes this protection) // In order to reapply to the new element, the property is deleted at the beggining of the registerEvents method if ( !this._.domOnChangeRegistered ) { // By listening for the formLoaded event, this handler will get reapplied when a new // form is created this.on( 'formLoaded', function() { this.getInputElement().on( 'change', function() { this.fire( 'change', { value: this.getValue() } ); }, this ); }, this ); this._.domOnChangeRegistered = true; } this.on( 'change', func ); } }, keyboardFocusable: true }, true ); CKEDITOR.ui.dialog.fileButton.prototype = new CKEDITOR.ui.dialog.button(); CKEDITOR.ui.dialog.fieldset.prototype = CKEDITOR.tools.clone( CKEDITOR.ui.dialog.hbox.prototype ); CKEDITOR.dialog.addUIElement( 'text', textBuilder ); CKEDITOR.dialog.addUIElement( 'password', textBuilder ); CKEDITOR.dialog.addUIElement( 'tel', textBuilder ); CKEDITOR.dialog.addUIElement( 'textarea', commonBuilder ); CKEDITOR.dialog.addUIElement( 'checkbox', commonBuilder ); CKEDITOR.dialog.addUIElement( 'radio', commonBuilder ); CKEDITOR.dialog.addUIElement( 'button', commonBuilder ); CKEDITOR.dialog.addUIElement( 'select', commonBuilder ); CKEDITOR.dialog.addUIElement( 'file', commonBuilder ); CKEDITOR.dialog.addUIElement( 'fileButton', commonBuilder ); CKEDITOR.dialog.addUIElement( 'html', commonBuilder ); CKEDITOR.dialog.addUIElement( 'fieldset', containerBuilder ); } } ); /** * Fired when the value of the uiElement is changed. * * @event change * @member CKEDITOR.ui.dialog.uiElement */ /** * Fired when the inner frame created by the element is ready. * Each time the button is used or the dialog window is loaded, a new * form might be created. * * @event formLoaded * @member CKEDITOR.ui.dialog.fileButton */
import React from 'react' import CIcon from '@coreui/icons-react' const _nav = [ { _tag: 'CSidebarNavItem', name: 'Dashboard', to: '/dashboard', icon: <CIcon name="cil-file" customClasses="c-sidebar-nav-icon"/>, }, { _tag: 'CSidebarNavTitle', _children: ['PROJECT'] }, { _tag: 'CSidebarNavItem', name: 'NS Instances', to: '/theme/typography', icon: 'cil-pencil', }, { _tag: 'CSidebarNavItem', name: 'NS Packages', to: '/theme/nsd', icon: 'cil-pencil', }, { _tag: 'CSidebarNavItem', name: 'VNF Packages', to: '/theme/vnfd', icon: 'cil-pencil', }, { _tag: 'CSidebarNavItem', name: 'VIM Accounts', to: '/theme/vim', icon: 'cil-pencil', }, ] export default _nav
import hashlib import logging import os from urllib.parse import urljoin, urlsplit import django_libsass import sass from compressor.filters.cssmin import CSSCompressorFilter from django.conf import settings from django.core.files.base import ContentFile from django.core.files.storage import default_storage from django.dispatch import Signal from django.templatetags.static import static as _static from pretix.base.models import Event, Event_SettingsStore, Organizer from pretix.base.services.async import ProfiledTask from pretix.celery_app import app from pretix.multidomain.urlreverse import get_domain logger = logging.getLogger('pretix.presale.style') affected_keys = ['primary_font', 'primary_color'] def compile_scss(object, file="main.scss", fonts=True): sassdir = os.path.join(settings.STATIC_ROOT, 'pretixpresale/scss') def static(path): sp = _static(path) if not settings.MEDIA_URL.startswith("/") and sp.startswith("/"): domain = get_domain(object.organizer if isinstance(object, Event) else object) if domain: siteurlsplit = urlsplit(settings.SITE_URL) if siteurlsplit.port and siteurlsplit.port not in (80, 443): domain = '%s:%d' % (domain, siteurlsplit.port) sp = urljoin('%s://%s' % (siteurlsplit.scheme, domain), sp) else: sp = urljoin(settings.SITE_URL, sp) return '"{}"'.format(sp) sassrules = [] if object.settings.get('primary_color'): sassrules.append('$brand-primary: {};'.format(object.settings.get('primary_color'))) font = object.settings.get('primary_font') if font != 'Open Sans' and fonts: sassrules.append(get_font_stylesheet(font)) sassrules.append( '$font-family-sans-serif: "{}", "Open Sans", "OpenSans", "Helvetica Neue", Helvetica, Arial, sans-serif ' '!default'.format( font )) sassrules.append('@import "{}";'.format(file)) cf = dict(django_libsass.CUSTOM_FUNCTIONS) cf['static'] = static css = sass.compile( string="\n".join(sassrules), include_paths=[sassdir], output_style='nested', custom_functions=cf ) cssf = CSSCompressorFilter(css) css = cssf.output() checksum = hashlib.sha1(css.encode('utf-8')).hexdigest() return css, checksum @app.task(base=ProfiledTask) def regenerate_css(event_id: int): event = Event.objects.select_related('organizer').get(pk=event_id) # main.scss css, checksum = compile_scss(event) fname = 'pub/{}/{}/presale.{}.css'.format(event.organizer.slug, event.slug, checksum[:16]) if event.settings.get('presale_css_checksum', '') != checksum: newname = default_storage.save(fname, ContentFile(css.encode('utf-8'))) event.settings.set('presale_css_file', newname) event.settings.set('presale_css_checksum', checksum) # widget.scss css, checksum = compile_scss(event, file='widget.scss', fonts=False) fname = 'pub/{}/{}/widget.{}.css'.format(event.organizer.slug, event.slug, checksum[:16]) if event.settings.get('presale_widget_css_checksum', '') != checksum: newname = default_storage.save(fname, ContentFile(css.encode('utf-8'))) event.settings.set('presale_widget_css_file', newname) event.settings.set('presale_widget_css_checksum', checksum) @app.task(base=ProfiledTask) def regenerate_organizer_css(organizer_id: int): organizer = Organizer.objects.get(pk=organizer_id) # main.scss css, checksum = compile_scss(organizer) fname = 'pub/{}/presale.{}.css'.format(organizer.slug, checksum[:16]) if organizer.settings.get('presale_css_checksum', '') != checksum: newname = default_storage.save(fname, ContentFile(css.encode('utf-8'))) organizer.settings.set('presale_css_file', newname) organizer.settings.set('presale_css_checksum', checksum) # widget.scss css, checksum = compile_scss(organizer) fname = 'pub/{}/widget.{}.css'.format(organizer.slug, checksum[:16]) if organizer.settings.get('presale_widget_css_checksum', '') != checksum: newname = default_storage.save(fname, ContentFile(css.encode('utf-8'))) organizer.settings.set('presale_widget_css_file', newname) organizer.settings.set('presale_widget_css_checksum', checksum) non_inherited_events = set(Event_SettingsStore.objects.filter( object__organizer=organizer, key__in=affected_keys ).values_list('object_id', flat=True)) for event in organizer.events.all(): if event.pk not in non_inherited_events: regenerate_css.apply_async(args=(event.pk,)) register_fonts = Signal() """ Return a dictionaries of the following structure. Paths should be relative to static root. { "font name": { "regular": { "truetype": "….ttf", "woff": "…", "woff2": "…" }, "bold": { ... }, "italic": { ... }, "bolditalic": { ... } } } """ def get_fonts(): f = {} for recv, value in register_fonts.send(0): f.update(value) return f def get_font_stylesheet(font_name): stylesheet = [] font = get_fonts()[font_name] for sty, formats in font.items(): stylesheet.append('@font-face { ') stylesheet.append('font-family: "{}";'.format(font_name)) if sty in ("italic", "bolditalic"): stylesheet.append("font-style: italic;") else: stylesheet.append("font-style: normal;") if sty in ("bold", "bolditalic"): stylesheet.append("font-weight: bold;") else: stylesheet.append("font-weight: normal;") srcs = [] if "woff2" in formats: srcs.append("url(static('{}')) format('woff2')".format(formats['woff2'])) if "woff" in formats: srcs.append("url(static('{}')) format('woff')".format(formats['woff'])) if "truetype" in formats: srcs.append("url(static('{}')) format('truetype')".format(formats['truetype'])) stylesheet.append("src: {};".format(", ".join(srcs))) stylesheet.append("}") return "\n".join(stylesheet)
var express = require("express"), mongoose = require("mongoose"), passport = require("passport"), User = require("./models/user"), Post = require("./models/post"), Comment = require("./models/comment"), bodyParser = require("body-parser"), LocalStrategy = require("passport-local"), passportLocalMongoose = require("passport-local-mongoose"), sendAlert = require('alert-node'), multer = require("multer"); var app = express(); mongoose.connect("mongodb://localhost:27017/devnetDB", {useNewUrlParser: true}); app.use(bodyParser.urlencoded({extended: true})); app.use(require("express-session")({ secret: "hiii", resave: false, saveUninitialized: false })); app.use(function(req,res,next){ res.locals.currentUser=req.user; next(); }); app.use(passport.initialize()); app.use(passport.session()); passport.use(new LocalStrategy(User.authenticate())); passport.serializeUser(User.serializeUser()); passport.deserializeUser(User.deserializeUser()); app.set("view engine","ejs"); app.use(express.static(__dirname + "/public")); //home route app.get("/",function(req,res){ Post.find({}, function(err, posts) { if (err) { res.json({ status: "error", message: err, }); } // console.log(posts); res.render("home", {currentUser: req.user, posts: posts}); }); }); // logged in home route app.get("/home/:userid",function(req,res){ Post.find({}, function(err, posts) { if (err) { res.json({ status: "error", message: err, }); } // console.log(posts); res.render("home2", {userid: req.params.userid, posts: posts, currentUser: req.user}); }); }); //addpost route app.get("/addpost/:id", isLoggedIn, function(req,res){ User.findById(req.params.id).exec(function(err, foundUser){ if(err){ console.log(err); } else { res.render("addpost", {user: foundUser, currentUser: req.user}); } }); }); //add new post route app.post("/addpost/:id", function(req, res){ var today = new Date(); var day = today.getDate(); var month = today.getMonth()+1; User.findById(req.params.id, function (err, user) { if (err){ res.send(err); } else { var username = user.username; var fullName = user.fullname; Post.create(new Post({subject: req.body.subject, body: req.body.body, day:day, month: month, username: username, fullname: fullName }), function(err, newPost){ if(err){ console.log(err); return res.render('addpost'); } else{ //redirect back to campgrounds page res.redirect("/profile/" + req.params.id); } }); } }); }); //users route app.get("/users",function(req,res){ User.find({}, function(err, users) { if(err){ res.send(err); } else { // console.log(users); res.render("users", {currentUser: req.user, allusers: users}); } }); }); //about route app.get("/about",function(req,res){ res.render("about", {currentUser: req.user}); }); // //profile route // app.get("/profile", isLoggedIn, function(req, res){ // res.render("profile",{currentUser: req.user}); // }); app.get("/profile/:id", isLoggedIn, function(req, res){ User.findById(req.params.id, function (err, foundUser) { if (err){ res.send(err); } else { // var username = user.username; Post.find({ username: foundUser.username}, function(err, posts) { if (err) { res.json({ status: "error", message: err, }); } console.log(posts); res.render("profile", {user: foundUser, currentUser: req.user, posts: posts }); }); } }); }); app.get("/profile/:userid/:viewUserName", isLoggedIn, function(req, res){ // var username = req.params.viewUserName; User.find({username: req.params.viewUserName}, function (err, foundUser) { if (err){ res.send(err); } else { console.log(foundUser); //var username = foundUser.username; // Post.find({ username: username}, function(err, posts) { // if (err) { // res.json({ // status: "error", // message: err, // }); // } // console.log(posts); // console.log(foundUser); // res.render("profile2", {viewUser: foundUser, posts: posts }); // }); res.render("profile2", {viewUser: foundUser.username, currentUser: req.user }); } }); }); //FULLPOST ROUTE app.get("/fullpost/:userid/:postid", isLoggedIn, function(req, res) { var userid = req.params.userid; Post.findById(req.params.postid, function (err, foundPost) { if (err){ res.send(err); } else { //console.log(posts); Comment.find({postID: req.params.postid}, function(err, comments) { if (err) { res.json({ status: "error", message: err, }); } // console.log(posts); res.render("postfull", {post: foundPost, userid: userid, comments: comments, currentUser: req.user}); }); } }); }); //COMMENT app.post("/comment/:userid/:postid", isLoggedIn, function(req, res) { var today = new Date(); var day = today.getDate(); var month = today.getMonth()+1; Post.findById(req.params.postid, function (err, post) { if (err){ res.send(err); } else { User.findById(req.params.userid, function(err, user) { if(err){ console.log(err); } else{ var username = user.username; var fullName = user.fullname; Comment.create(new Comment({text: req.body.text, day:day, month: month, username: username, fullname: fullName, postID: req.params.postid }), function(err, newComment){ if(err){ console.log(err); return res.render('postFull'); } else{ // console.log(posts); res.redirect("/fullpost/" + req.params.userid + "/" + req.params.postid); } }); } }); } }); }); app.get("/delete/:userid/:postid", isLoggedIn, function(req, res){ Post.remove({ _id: req.params.postid }, function (err, post) { if (err){ res.send(err); } else { res.redirect("/profile/" + req.params.userid); } }); }); //SIGNUP //show sign up form app.get("/signup", function(req, res){ res.render("signup"); }); //handling user sign up app.post("/signup", function(req, res){ User.register(new User({username: req.body.username, fullname: req.body.name, year: req.body.year, branch: req.body.branch, github: req.body.github}), req.body.password, function(err, user){ if(err){ console.log(err); return res.render('signup'); } passport.authenticate("local")(req, res, function(){ res.redirect("/profile/" + req.user._id); }); }); }); var Storage = multer.diskStorage({ destination: function(req, file, callback) { callback(null, "./public/profileimages"); }, filename: function(req, file, callback) { callback(null, req.user.username + ".jpg"); } }); var upload = multer({ storage: Storage }).array("profileImg", 1); //Field name and max count app.post("/profileimg", function(req, res){ upload(req, res, function(err) { if (err) { return res.end("Something went wrong!"); } return res.redirect("/profile/" + req.user._id); }); }); // LOGIN ROUTES //render login form app.get("/login", function(req, res){ res.render("login"); }); //login logic //middleware app.post("/login", passport.authenticate("local", { failureRedirect: "/login" }) ,function(req, res){ res.redirect("/profile/" + req.user._id); }); //LOGOUT app.get("/logout", function(req, res){ req.logout(); res.redirect("/"); }); function isLoggedIn(req, res, next){ if(req.isAuthenticated()){ return next(); } // alert("You need to login first."); res.redirect("/login"); } app.listen(process.env.PORT,process.env.IP,function(){ console.log("Server has started!....👌"); });
// person model // var Person = require('./core/person'); // module.exports = function (db, cb) { //db.load(__dirname + "/test-model-pet", function (err) { // if (err) return cb(err); db.define("person", { name : String, surname : { type: "text", size: 150, unique: true }, age : { type: "number", unsigned: true }, continent : [ 'Europe', 'America', 'Asia', 'Africa', 'Australia', 'Antartica' ], male : Boolean, dt : { type: "date", time: false }, photo : { type: "binary", lazyload: true, lazyname: "avatar" } }); db.models.person.hasMany("pets", db.models.pet); db.models.person.hasOne("favpet", db.models.pet); return cb(); //}); };
import React from 'react'; import { graphql } from 'gatsby'; export function Tag({ name }) { return <span className="tag">{name}</span>; } export const tagFragment = graphql` fragment TagFragment on GhostTag { id name slug } `; export const postTagFragment = graphql` fragment PostTagsFragment on GhostPostTags { id name slug } `;
import mongoose from 'mongoose' const PostSchema = new mongoose.Schema({ text: { type: String, required: 'Text is required' }, photo: { data: Buffer, contentType: String }, likes: [{type: mongoose.Schema.ObjectId, ref: 'User'}], comments: [{ text: String, created: { type: Date, default: Date.now }, postedBy: { type: mongoose.Schema.ObjectId, ref: 'User'} }], postedBy: {type: mongoose.Schema.ObjectId, ref: 'User'}, created: { type: Date, default: Date.now } }) export default mongoose.model('Post', PostSchema)
(function(a,b){if('function'==typeof define&&define.amd)define(['exports','react'],b);else if('undefined'!=typeof exports)b(exports,require('react'));else{var c={exports:{}};b(c.exports,a.react),a.loop=c.exports}})(this,function(a,b){'use strict';Object.defineProperty(a,'__esModule',{value:!0});var e=function(h){return h&&h.__esModule?h:{default:h}}(b),f=Object.assign||function(h){for(var k,j=1;j<arguments.length;j++)for(var l in k=arguments[j],k)Object.prototype.hasOwnProperty.call(k,l)&&(h[l]=k[l]);return h};a.default=function(h){var j=/^\<svg [^>]+\>(.*)<\/svg>/ig.exec('<svg xmlns="http://www.w3.org/2000/svg" baseProfile="full" viewBox="0 0 24 24"><path d="M9 14v7H2v-2h3.572A9.467 9.467 0 0 1 3 12.5a9.5 9.5 0 1 1 9.5 9.5l-.5-.013v-2.003l.5.016A7.5 7.5 0 1 0 7 17.6V14h2z"/></svg>')[1];return e.default.createElement('svg',f({},h,{xmlns:'http://www.w3.org/2000/svg',baseProfile:'full',viewBox:'0 0 24 24',className:'react-pretty-icons react-pretty-icons__loop '+h.className,dangerouslySetInnerHTML:{__html:j}}))},module.exports=a.default});
import numpy as np import pytest from itertools import permutations from itertools import combinations_with_replacement from mchap.assemble import DenovoMCMC from mchap.calling.classes import ( CallingMCMC, PosteriorGenotypeAllelesDistribution, GenotypeAllelesMultiTrace, ) from mchap.testing import simulate_reads from mchap.jitutils import seed_numba, genotype_alleles_as_index from mchap.combinatorics import count_unique_genotypes @pytest.mark.parametrize( "seed", [0, 42, 36], # these numbers can be finicky ) def test_CallingMCMC__gibbs_mh_equivalence(seed): seed_numba(seed) np.random.seed(seed) # ensure no duplicate haplotypes haplotypes = np.array( [ [0, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 0, 0, 1, 1], [0, 0, 0, 0, 0, 1, 0, 1, 0, 1], [0, 0, 0, 0, 0, 1, 1, 1, 0, 1], [0, 0, 0, 0, 1, 1, 0, 1, 0, 0], [0, 0, 1, 0, 1, 0, 1, 1, 1, 0], [0, 0, 1, 1, 0, 0, 0, 0, 0, 0], [0, 0, 1, 0, 1, 1, 0, 1, 0, 1], [0, 1, 1, 0, 1, 1, 0, 1, 0, 1], [1, 0, 0, 0, 0, 0, 0, 0, 1, 1], ] ) n_haps, n_pos = haplotypes.shape # simulate reads inbreeding = np.random.rand() n_reads = np.random.randint(4, 15) ploidy = np.random.randint(2, 5) genotype_alleles = np.random.randint(0, n_haps, size=ploidy) genotype_alleles.sort() genotype_haplotypes = haplotypes[genotype_alleles] reads = simulate_reads( genotype_haplotypes, n_alleles=np.full(n_pos, 2, int), n_reads=n_reads, ) read_counts = np.ones(n_reads, int) # Gibbs sampler model = CallingMCMC( ploidy=ploidy, haplotypes=haplotypes, inbreeding=inbreeding, steps=10050 ) gibbs_genotype, gibbs_genotype_prob, gibbs_phenotype_prob = ( model.fit(reads, read_counts).burn(50).posterior().mode(phenotype=True) ) # MH sampler model = CallingMCMC( ploidy=ploidy, haplotypes=haplotypes, inbreeding=inbreeding, steps=10050, step_type="Metropolis-Hastings", ) mh_genotype, mh_genotype_prob, mh_phenotype_prob = ( model.fit(reads, read_counts).burn(50).posterior().mode(phenotype=True) ) # check results are equivalent # tolerance is not enough for all cases so some cherry-picking of # the random seed values is required np.testing.assert_array_equal(gibbs_genotype, mh_genotype) np.testing.assert_allclose(gibbs_genotype_prob, mh_genotype_prob, atol=0.01) np.testing.assert_allclose(gibbs_phenotype_prob, mh_phenotype_prob, atol=0.01) @pytest.mark.parametrize( "seed", [0, 13, 36], # these numbers can be finicky ) def test_CallingMCMC__DenovoMCMC_equivalence(seed): ploidy = 4 inbreeding = 0.015 n_pos = 4 n_alleles = np.full(n_pos, 2, np.int8) # generate all haplotypes def generate_haplotypes(pos): haps = [] for a in combinations_with_replacement([0, 1], pos): perms = list(set(permutations(a))) perms.sort() for h in perms: haps.append(h) haps.sort() haplotypes = np.array(haps, np.int8) return haplotypes haplotypes = generate_haplotypes(n_pos) haplotype_labels = {h.tobytes(): i for i, h in enumerate(haplotypes)} # True genotype genotype = haplotypes[[0, 0, 1, 2]] # simulated reads seed_numba(seed) np.random.seed(seed) reads = simulate_reads(genotype, n_reads=8, errors=False) read_counts = np.ones(len(reads), int) # denovo assembly model = DenovoMCMC( ploidy=ploidy, n_alleles=n_alleles, steps=10500, inbreeding=inbreeding, fix_homozygous=1, ) denovo_phenotype = ( model.fit(reads, read_counts=read_counts).burn(500).posterior().mode_phenotype() ) denovo_phen_prob = denovo_phenotype.probabilities.sum() idx = np.argmax(denovo_phenotype.probabilities) denovo_gen_prob = denovo_phenotype.probabilities[idx] denovo_genotype = denovo_phenotype.genotypes[idx] denovo_alleles = [haplotype_labels[h.tobytes()] for h in denovo_genotype] denovo_alleles = np.sort(denovo_alleles) # gibbs base calling model = CallingMCMC( ploidy=ploidy, haplotypes=haplotypes, inbreeding=inbreeding, steps=10500 ) call_alleles, call_genotype_prob, call_phenotype_prob = ( model.fit(reads, read_counts).burn(500).posterior().mode(phenotype=True) ) # check results are equivalent # tolerance is not enough for all cases so some cherry-picking of # the random seed values is required np.testing.assert_array_equal(call_alleles, denovo_alleles) np.testing.assert_allclose(call_genotype_prob, denovo_gen_prob, atol=0.01) np.testing.assert_allclose(call_phenotype_prob, denovo_phen_prob, atol=0.01) def test_CallingMCMC__zero_reads(): haplotypes = np.array( [ [0, 0, 0, 0, 0, 0, 0, 0, 0, 0], [0, 0, 0, 0, 0, 0, 0, 0, 1, 1], [0, 0, 0, 0, 0, 1, 0, 1, 0, 1], [0, 0, 0, 0, 0, 1, 1, 1, 0, 1], [0, 0, 0, 0, 1, 1, 0, 1, 0, 0], [0, 0, 1, 0, 1, 0, 1, 1, 1, 0], [0, 0, 1, 1, 0, 0, 0, 0, 0, 0], [0, 0, 1, 0, 1, 1, 0, 1, 0, 1], [0, 1, 1, 0, 1, 1, 0, 1, 0, 1], [1, 0, 0, 0, 0, 0, 0, 0, 1, 1], ] ) n_chains = 2 n_steps = 10500 n_burn = 500 ploidy = 4 inbreeding = 0.01 n_haps, n_pos = haplotypes.shape reads = np.empty((0, n_pos, 2)) read_counts = np.array([], int) model = CallingMCMC( ploidy=ploidy, haplotypes=haplotypes, inbreeding=inbreeding, steps=n_steps, chains=n_chains, ) trace = model.fit(reads, read_counts) _, call_genotype_prob, call_phenotype_prob = ( trace.burn(n_burn).posterior().mode(phenotype=True) ) assert trace.genotypes.shape == (n_chains, n_steps, ploidy) assert trace.genotypes.max() < n_haps assert call_genotype_prob < 0.05 assert call_phenotype_prob < 0.05 def test_CallingMCMC__zero_snps(): haplotypes = np.array( [ [], ] ) n_chains = 2 n_steps = 10500 n_burn = 500 ploidy = 4 inbreeding = 0.01 _, n_pos = haplotypes.shape reads = np.empty((0, n_pos, 2)) read_counts = np.array([], int) model = CallingMCMC( ploidy=ploidy, haplotypes=haplotypes, inbreeding=inbreeding, steps=n_steps, chains=n_chains, ) trace = model.fit(reads, read_counts) _, call_genotype_prob, call_phenotype_prob = ( trace.burn(n_burn).posterior().mode(phenotype=True) ) assert trace.genotypes.shape == (n_chains, n_steps, ploidy) assert np.all(trace.genotypes == 0) assert np.all(np.isnan(trace.llks)) assert call_genotype_prob == 1 assert call_phenotype_prob == 1 def test_CallingMCMC__many_haplotype(): """Test that the fit method does not overflow due to many haplotypes""" np.random.seed(0) n_haps, n_pos = 400, 35 haplotypes = np.random.randint(0, 2, size=(n_haps, n_pos)) n_chains = 2 n_steps = 1500 n_burn = 500 ploidy = 4 inbreeding = 0.01 true_alleles = np.array([0, 0, 1, 2]) genotype = haplotypes[true_alleles] reads = simulate_reads(genotype, n_reads=64, errors=False) read_counts = np.ones(len(reads), int) model = CallingMCMC( ploidy=ploidy, haplotypes=haplotypes, inbreeding=inbreeding, steps=n_steps, chains=n_chains, ) trace = model.fit(reads, read_counts) alleles, call_genotype_prob, call_phenotype_prob = ( trace.burn(n_burn).posterior().mode(phenotype=True) ) # test dtype inherited from greedy_caller function assert trace.genotypes.dtype == np.int32 assert np.all(trace.genotypes >= 0) assert np.all(trace.genotypes < n_haps) np.testing.assert_array_equal(true_alleles, alleles) assert call_genotype_prob > 0.1 assert call_phenotype_prob > 0.1 def test_PosteriorGenotypeAllelesDistribution__as_array(): ploidy = 4 n_haps = 4 unique_genotypes = count_unique_genotypes(n_haps, ploidy) observed_genotypes = np.array( [ [0, 0, 0, 0], [0, 0, 0, 2], [0, 0, 2, 2], [0, 2, 2, 2], [0, 0, 1, 2], [0, 1, 2, 2], ] ) observed_probabilities = np.array([0.05, 0.08, 0.22, 0.45, 0.05, 0.15]) posterior = PosteriorGenotypeAllelesDistribution( observed_genotypes, observed_probabilities ) result = posterior.as_array(n_haps) assert result.sum() == observed_probabilities.sum() == 1 assert len(result) == unique_genotypes == 35 for g, p in zip(observed_genotypes, observed_probabilities): idx = genotype_alleles_as_index(g) assert result[idx] == p def test_PosteriorGenotypeAllelesDistribution__mode(): observed_genotypes = np.array( [ [0, 0, 0, 0], [0, 0, 0, 2], [0, 0, 2, 2], [0, 2, 2, 2], [0, 0, 1, 2], [0, 1, 2, 2], ] ) observed_probabilities = np.array([0.05, 0.08, 0.22, 0.45, 0.05, 0.15]) posterior = PosteriorGenotypeAllelesDistribution( observed_genotypes, observed_probabilities ) genotype, genotype_prob = posterior.mode() np.testing.assert_array_equal(genotype, observed_genotypes[3]) assert genotype_prob == observed_probabilities[3] genotype, genotype_prob, phenotype_prob = posterior.mode(phenotype=True) np.testing.assert_array_equal(genotype, observed_genotypes[3]) assert genotype_prob == observed_probabilities[3] assert phenotype_prob == observed_probabilities[1:4].sum() @pytest.mark.parametrize("threshold,expect", [(0.99, 0), (0.8, 0), (0.6, 1)]) def test_GenotypeAllelesMultiTrace__replicate_incongruence_1(threshold, expect): g0 = [0, 0, 1, 2] # phenotype 1 g1 = [0, 1, 1, 2] # phenotype 1 g2 = [0, 1, 2, 2] # phenotype 1 g3 = [0, 0, 2, 2] # phenotype 2 genotypes = np.array([g0, g1, g2, g3]) t0 = genotypes[[0, 1, 0, 1, 2, 0, 1, 1, 0, 1]] # 10:0 t1 = genotypes[[3, 2, 0, 1, 2, 0, 1, 1, 0, 1]] # 9:1 t2 = genotypes[[0, 1, 0, 1, 2, 0, 1, 1, 0, 1]] # 10:0 t3 = genotypes[[3, 3, 3, 3, 3, 3, 3, 2, 1, 2]] # 3:7 trace = GenotypeAllelesMultiTrace( genotypes=np.array([t0, t1, t2, t3]), llks=np.ones((4, 10)) ) actual = trace.replicate_incongruence(threshold) assert actual == expect @pytest.mark.parametrize("threshold,expect", [(0.99, 0), (0.8, 0), (0.6, 2)]) def test_GenotypeAllelesMultiTrace__replicate_incongruence_2(threshold, expect): g0 = [0, 0, 1, 2] # phenotype 1 g1 = [0, 1, 1, 2] # phenotype 1 g2 = [0, 1, 2, 2] # phenotype 1 g3 = [0, 0, 2, 3] # phenotype 2 g4 = [0, 2, 3, 4] # phenotype 3 genotypes = np.array([g0, g1, g2, g3, g4]) t0 = genotypes[[3, 1, 0, 1, 2, 0, 1, 1, 0, 1]] # 9:1 t1 = genotypes[[3, 2, 0, 1, 2, 0, 1, 1, 0, 1]] # 9:1 t2 = genotypes[[0, 3, 0, 1, 2, 0, 1, 1, 0, 1]] # 9:1 t3 = genotypes[[3, 3, 4, 4, 4, 3, 4, 4, 4, 4]] # 3:7 trace = GenotypeAllelesMultiTrace( genotypes=np.array([t0, t1, t2, t3]), llks=np.ones((4, 10)) ) actual = trace.replicate_incongruence(threshold) assert actual == expect
# coding:utf-8 def quick_sort(alist, first, last): """快速排序""" if first >= last: return mid_value = alist[first] low = first high = last while low < high: # high 左移 while low < high and alist[high] >= mid_value: high -= 1 alist[low] = alist[high] while low < high and alist[low] < mid_value: low += 1 alist[high] = alist[low] # 从循环退出时,low==high alist[low] = mid_value # 对low左边的列表执行快速排序 quick_sort(alist, first, low - 1) # 对low右边的列表排序 quick_sort(alist, low + 1, last) # 快速排序:取出列表中最小的k个数 def find_k_nums(alist, k): length = len(alist) if not alist or k <= 0 or k > length: return None left = 0 right = length - 1 quick_sort(alist, left, right) return alist[:k] if __name__ == "__main__": li = [54, 26, 93, 17, 77, 31, 44, 55, 20] print(li) quick_sort(li, 0, len(li) - 1) print(li) print(find_k_nums(li, 3))
//>>built define("dojox/gauges/GlossyCircularGaugeBase",["dojo/_base/declare","dojo/_base/lang","dojo/_base/connect","dojox/gfx","./AnalogGauge","./AnalogCircleIndicator","./TextIndicator","./GlossyCircularGaugeNeedle"],function(_1,_2,_3,_4,_5,_6,_7,_8){ return _1("dojox.gauges.GlossyCircularGaugeBase",[_5],{_defaultIndicator:_6,_needle:null,_textIndicator:null,_textIndicatorAdded:false,_range:null,value:0,color:"black",needleColor:"#c4c4c4",textIndicatorFont:"normal normal normal 20pt serif",textIndicatorVisible:true,textIndicatorColor:"#c4c4c4",_majorTicksOffset:130,majorTicksInterval:10,_majorTicksLength:5,majorTicksColor:"#c4c4c4",majorTicksLabelPlacement:"inside",_minorTicksOffset:130,minorTicksInterval:5,_minorTicksLength:3,minorTicksColor:"#c4c4c4",noChange:false,title:"",font:"normal normal normal 10pt serif",scalePrecision:0,textIndicatorPrecision:0,_font:null,constructor:function(){ this.startAngle=-135; this.endAngle=135; this.min=0; this.max=100; },startup:function(){ this.inherited(arguments); if(this._needle){ return; } var _9=Math.min((this.width/this._designWidth),(this.height/this._designHeight)); this.cx=_9*this._designCx+(this.width-_9*this._designWidth)/2; this.cy=_9*this._designCy+(this.height-_9*this._designHeight)/2; this._range={low:this.min?this.min:0,high:this.max?this.max:100,color:[255,255,255,0]}; this.addRange(this._range); this._majorTicksOffset=this._minorTicksOffset=_9*this._majorTicksOffset; this._majorTicksLength=_9*this._majorTicksLength; this._minorTicksLength=_9*this._minorTicksLength; this.setMajorTicks({fixedPrecision:true,precision:this.scalePrecision,font:this._font,offset:this._majorTicksOffset,interval:this.majorTicksInterval,length:this._majorTicksLength,color:this.majorTicksColor,labelPlacement:this.majorTicksLabelPlacement}); this.setMinorTicks({offset:this._minorTicksOffset,interval:this.minorTicksInterval,length:this._minorTicksLength,color:this.minorTicksColor}); this._needle=new _8({hideValue:true,title:this.title,noChange:this.noChange,color:this.needleColor,value:this.value}); this.addIndicator(this._needle); this._textIndicator=new _7({x:_9*this._designTextIndicatorX+(this.width-_9*this._designWidth)/2,y:_9*this._designTextIndicatorY+(this.height-_9*this._designHeight)/2,fixedPrecision:true,precision:this.textIndicatorPrecision,color:this.textIndicatorColor,value:this.value?this.value:this.min,align:"middle",font:this._textIndicatorFont}); if(this.textIndicatorVisible){ this.addIndicator(this._textIndicator); this._textIndicatorAdded=true; } _3.connect(this._needle,"valueChanged",_2.hitch(this,function(){ this.value=this._needle.value; this._textIndicator.update(this._needle.value); this.onValueChanged(); })); },onValueChanged:function(){ },_setColorAttr:function(_a){ this.color=_a?_a:"black"; if(this._gaugeBackground&&this._gaugeBackground.parent){ this._gaugeBackground.parent.remove(this._gaugeBackground); } if(this._foreground&&this._foreground.parent){ this._foreground.parent.remove(this._foreground); } this._gaugeBackground=null; this._foreground=null; this.draw(); },_setNeedleColorAttr:function(_b){ this.needleColor=_b; if(this._needle){ this.removeIndicator(this._needle); this._needle.color=this.needleColor; this._needle.shape=null; this.addIndicator(this._needle); } },_setTextIndicatorColorAttr:function(_c){ this.textIndicatorColor=_c; if(this._textIndicator){ this._textIndicator.color=this.textIndicatorColor; this.draw(); } },_setTextIndicatorFontAttr:function(_d){ this.textIndicatorFont=_d; this._textIndicatorFont=_4.splitFontString(_d); if(this._textIndicator){ this._textIndicator.font=this._textIndicatorFont; this.draw(); } },setMajorTicksOffset:function(_e){ this._majorTicksOffset=_e; this._setMajorTicksProperty({"offset":this._majorTicksOffset}); return this; },getMajorTicksOffset:function(){ return this._majorTicksOffset; },_setMajorTicksIntervalAttr:function(_f){ this.majorTicksInterval=_f; this._setMajorTicksProperty({"interval":this.majorTicksInterval}); },setMajorTicksLength:function(_10){ this._majorTicksLength=_10; this._setMajorTicksProperty({"length":this._majorTicksLength}); return this; },getMajorTicksLength:function(){ return this._majorTicksLength; },_setMajorTicksColorAttr:function(_11){ this.majorTicksColor=_11; this._setMajorTicksProperty({"color":this.majorTicksColor}); },_setMajorTicksLabelPlacementAttr:function(_12){ this.majorTicksLabelPlacement=_12; this._setMajorTicksProperty({"labelPlacement":this.majorTicksLabelPlacement}); },_setMajorTicksProperty:function(_13){ if(this.majorTicks){ _2.mixin(this.majorTicks,_13); this.setMajorTicks(this.majorTicks); } },setMinorTicksOffset:function(_14){ this._minorTicksOffset=_14; this._setMinorTicksProperty({"offset":this._minorTicksOffset}); return this; },getMinorTicksOffset:function(){ return this._minorTicksOffset; },_setMinorTicksIntervalAttr:function(_15){ this.minorTicksInterval=_15; this._setMinorTicksProperty({"interval":this.minorTicksInterval}); },setMinorTicksLength:function(_16){ this._minorTicksLength=_16; this._setMinorTicksProperty({"length":this._minorTicksLength}); return this; },getMinorTicksLength:function(){ return this._minorTicksLength; },_setMinorTicksColorAttr:function(_17){ this.minorTicksColor=_17; this._setMinorTicksProperty({"color":this.minorTicksColor}); },_setMinorTicksProperty:function(_18){ if(this.minorTicks){ _2.mixin(this.minorTicks,_18); this.setMinorTicks(this.minorTicks); } },_setMinAttr:function(min){ this.min=min; if(this.majorTicks!=null){ this.setMajorTicks(this.majorTicks); } if(this.minorTicks!=null){ this.setMinorTicks(this.minorTicks); } this.draw(); this._updateNeedle(); },_setMaxAttr:function(max){ this.max=max; if(this.majorTicks!=null){ this.setMajorTicks(this.majorTicks); } if(this.minorTicks!=null){ this.setMinorTicks(this.minorTicks); } this.draw(); this._updateNeedle(); },_setScalePrecisionAttr:function(_19){ this.scalePrecision=_19; this._setMajorTicksProperty({"precision":_19}); },_setTextIndicatorPrecisionAttr:function(_1a){ this.textIndicatorPrecision=_1a; this._setMajorTicksProperty({"precision":_1a}); },_setValueAttr:function(_1b){ _1b=Math.min(this.max,_1b); _1b=Math.max(this.min,_1b); this.value=_1b; if(this._needle){ var _1c=this._needle.noChange; this._needle.noChange=false; this._needle.update(_1b); this._needle.noChange=_1c; } },_setNoChangeAttr:function(_1d){ this.noChange=_1d; if(this._needle){ this._needle.noChange=this.noChange; } },_setTextIndicatorVisibleAttr:function(_1e){ this.textIndicatorVisible=_1e; if(this._textIndicator&&this._needle){ if(this.textIndicatorVisible&&!this._textIndicatorAdded){ this.addIndicator(this._textIndicator); this._textIndicatorAdded=true; this.moveIndicatorToFront(this._needle); }else{ if(!this.textIndicatorVisible&&this._textIndicatorAdded){ this.removeIndicator(this._textIndicator); this._textIndicatorAdded=false; } } } },_setTitleAttr:function(_1f){ this.title=_1f; if(this._needle){ this._needle.title=this.title; } },_setOrientationAttr:function(_20){ this.orientation=_20; if(this.majorTicks!=null){ this.setMajorTicks(this.majorTicks); } if(this.minorTicks!=null){ this.setMinorTicks(this.minorTicks); } this.draw(); this._updateNeedle(); },_updateNeedle:function(){ this.value=Math.max(this.min,this.value); this.value=Math.min(this.max,this.value); if(this._needle){ var _21=this._needle.noChange; this._needle.noChange=false; this._needle.update(this.value,false); this._needle.noChange=_21; } },_setFontAttr:function(_22){ this.font=_22; this._font=_4.splitFontString(_22); this._setMajorTicksProperty({"font":this._font}); }}); });
""" Support for Google Home bluetooth tacker. For more details about this platform, please refer to the documentation at https://home-assistant.io/components/device_tracker.googlehome/ """ import logging import voluptuous as vol import homeassistant.helpers.config_validation as cv from homeassistant.helpers.aiohttp_client import async_get_clientsession from homeassistant.components.device_tracker import ( DOMAIN, PLATFORM_SCHEMA, DeviceScanner) from homeassistant.const import CONF_HOST REQUIREMENTS = ['ghlocalapi==0.1.0'] _LOGGER = logging.getLogger(__name__) CONF_RSSI_THRESHOLD = 'rssi_threshold' PLATFORM_SCHEMA = vol.All( PLATFORM_SCHEMA.extend({ vol.Required(CONF_HOST): cv.string, vol.Optional(CONF_RSSI_THRESHOLD, default=-70): vol.Coerce(int), })) async def async_get_scanner(hass, config): """Validate the configuration and return an Google Home scanner.""" scanner = GoogleHomeDeviceScanner(hass, config[DOMAIN]) await scanner.async_connect() return scanner if scanner.success_init else None class GoogleHomeDeviceScanner(DeviceScanner): """This class queries a Google Home unit.""" def __init__(self, hass, config): """Initialize the scanner.""" from ghlocalapi.device_info import DeviceInfo from ghlocalapi.bluetooth import Bluetooth self.last_results = {} self.success_init = False self._host = config[CONF_HOST] self.rssi_threshold = config[CONF_RSSI_THRESHOLD] session = async_get_clientsession(hass) self.deviceinfo = DeviceInfo(hass.loop, session, self._host) self.scanner = Bluetooth(hass.loop, session, self._host) async def async_connect(self): """Initialize connection to Google Home.""" await self.deviceinfo.get_device_info() data = self.deviceinfo.device_info self.success_init = data is not None async def async_scan_devices(self): """Scan for new devices and return a list with found device IDs.""" await self.async_update_info() return list(self.last_results.keys()) async def async_get_device_name(self, device): """Return the name of the given device or None if we don't know.""" if device not in self.last_results: return None return '{}_{}'.format(self._host, self.last_results[device]['btle_mac_address']) async def get_extra_attributes(self, device): """Return the extra attributes of the device.""" return self.last_results[device] async def async_update_info(self): """Ensure the information from Google Home is up to date.""" _LOGGER.debug('Checking Devices...') await self.scanner.scan_for_devices() await self.scanner.get_scan_result() ghname = self.deviceinfo.device_info['name'] devices = {} for device in self.scanner.devices: if device['rssi'] > self.rssi_threshold: uuid = '{}_{}'.format(self._host, device['mac_address']) devices[uuid] = {} devices[uuid]['rssi'] = device['rssi'] devices[uuid]['btle_mac_address'] = device['mac_address'] devices[uuid]['ghname'] = ghname devices[uuid]['source_type'] = 'bluetooth' self.last_results = devices
/* Copyright 2020 Amazon.com, Inc. or its affiliates. All Rights Reserved. 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. 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. */ 'use strict' const AWS = require("aws-sdk") AWS.config.region = ( process.env.AWS_REGION || 'us-east-1' ) const s3 = new AWS.S3() // Returns object from S3 // let params = { // Bucket: record.s3.bucket.name, // Key: record.s3.object.key // } async function getS3object(params) { return new Promise((resolve, reject) => { s3.getObject(params, function(err, data) { if (err) { console.log('getS3object error: ', err, err.stack); // an error occurred reject(err) } resolve (data) }) }) } // Puts object to S3 // // e.g. params = { // Bucket: record.s3.bucket.name, // Key: record.s3.object.key // Body: data, // ContentType: res.headers['content-type'], // CacheControl: 'max-age=31536000', // ACL: 'public-read', // StorageClass: 'STANDARD' // } async function putS3object(params) { console.log('putS3object params: ', params) return new Promise((resolve, reject) => { s3.putObject(params, function(err, data) { if (err) { console.log('putS3object error: ', err, err.stack); // an error occurred reject(err) } resolve (data) }) }) } module.exports = { getS3object, putS3object }
import { html, render } from "lit-html"; import Criteria from "../components/Charts/Criteria"; import Evaluation from "../components/Evaluation"; import LayersTab from "../components/LayersTab"; import BrushTool from "../components/Toolbar/BrushTool"; import EraserTool from "../components/Toolbar/EraserTool"; import InspectTool from "../components/Toolbar/InspectTool"; import PanTool from "../components/Toolbar/PanTool"; import Toolbar from "../components/Toolbar/Toolbar"; import Brush from "../Map/Brush"; import { initializeMap } from "../Map/map"; import State from "../models/State"; import { navigateTo } from "../routes"; function renderAboutModal() { const target = document.getElementById("modal"); const template = html` <div class="modal-wrapper" @click="${() => render("", target)}"> <div class="modal-content"> <h2>Lowell, MA</h2> <p> The units you see here are the 1,845 census blocks that make up the municipality of Lowell, MA. </p> <p> Data for this module was obtained from the US Census Bureau. The block shapefile for the city of Lowell was downloaded from the <a href="https://www.census.gov/geo/maps-data/data/tiger-line.html" >Census's TIGER/Line Shapefiles</a >. Demographic information from the decennial Census was downloaded at the block level from <a href="https://factfinder.census.gov/faces/nav/jsf/pages/index.xhtml" >American FactFinder</a >. </p> <p> The cleaned shapefile with demographic information is <a href="https://github.com/gerrymandr/Districtr-Prep/tree/master/Lowell" >available for download</a > from the MGGG GitHub account. </p> </div> </div> `; render(template, target); } function getContextFromStorage() { const placeJson = localStorage.getItem("place"); const problemJson = localStorage.getItem("districtingProblem"); const unitsJson = localStorage.getItem("units"); if (placeJson === null || problemJson === null) { navigateTo("/new"); } const place = JSON.parse(placeJson); const problem = JSON.parse(problemJson); const units = JSON.parse(unitsJson); const planId = localStorage.getItem("planId"); const assignmentJson = localStorage.getItem("assignment"); const assignment = assignmentJson ? JSON.parse(assignmentJson) : null; return { place, problem, id: planId, assignment, units }; } export default function renderEditView() { const context = getContextFromStorage(); const root = document.getElementById("root"); root.className = ""; render( html` <div id="map"></div> <div id="toolbar"></div> `, root ); const map = initializeMap("map", { bounds: context.place.bounds, fitBoundsOptions: { padding: { top: 50, right: 350, left: 50, bottom: 50 } } }); map.on("load", () => { let state = new State(map, context); toolbarView(state); }); } function getTabs(state) { const criteria = { id: "criteria", name: "Population", render: (uiState, dispatch) => html` ${Criteria(state, uiState, dispatch)} ` }; const layersTab = new LayersTab("layers", "Data Layers", state); const evaluationTab = { id: "evaluation", name: "Evaluation", render: (uiState, dispatch) => html` ${Evaluation(state, uiState, dispatch)} ` }; let tabs = [criteria, layersTab]; if (state.supportsEvaluationTab()) { tabs.push(evaluationTab); } return tabs; } function getTools(state) { const brush = new Brush(state.units, 20, 0); brush.on("colorfeature", state.update); brush.on("colorend", state.render); let tools = [ new PanTool(), new BrushTool(brush, state.parts), new EraserTool(brush), new InspectTool(state.units, [ state.population.total, ...state.population.subgroups ]) ]; tools[0].activate(); return tools; } function toolbarView(state) { const tools = getTools(state); const tabs = getTabs(state); const toolbar = new Toolbar(tools, "pan", tabs, getMenuItems(state), { tabs: { activeTab: tabs.length > 0 ? tabs[0].id : null }, elections: { activeElectionIndex: 0 }, charts: { population: { isOpen: true }, racialBalance: { isOpen: true, activeSubgroupIndices: state.population.indicesOfMajorSubgroups() }, electionResults: { isOpen: false }, vapBalance: { isOpen: false, activeSubgroupIndices: state.vap ? state.vap.indicesOfMajorSubgroups() : null } } }); toolbar.render(); state.subscribe(toolbar.render); } // It's not a great design to have these non-tool items in the row of tool icons. // TODO: Find a different UI for New/Save/Export-type actions. function getMenuItems(state) { let items = [ { render: () => html` <button class="square-button" @click="${() => navigateTo("/new")}" > New Plan </button> ` }, { render: () => html` <button class="square-button" @click="${state.exportAsJSON}"> Export Plan </button> ` } ]; if ( state.place.id === "lowell_blocks" || state.place.permalink === "lowell_blocks" ) { items = [ { render: () => html` <button class="square-button" @click="${() => renderAboutModal(state.place.about)}" > About </button> ` }, ...items ]; } return items; }
import voluptuous as vol import esphomeyaml.config_validation as cv from esphomeyaml import core, pins from esphomeyaml.components import sensor from esphomeyaml.const import CONF_COUNT_MODE, CONF_FALLING_EDGE, CONF_INTERNAL_FILTER, \ CONF_MAKE_ID, CONF_NAME, CONF_PIN, CONF_PULL_MODE, CONF_RISING_EDGE, CONF_UPDATE_INTERVAL, \ ESP_PLATFORM_ESP32 from esphomeyaml.helpers import App, Application, add, variable, gpio_input_pin_expression COUNT_MODES = { 'DISABLE': sensor.sensor_ns.PULSE_COUNTER_DISABLE, 'INCREMENT': sensor.sensor_ns.PULSE_COUNTER_INCREMENT, 'DECREMENT': sensor.sensor_ns.PULSE_COUNTER_DECREMENT, } COUNT_MODE_SCHEMA = vol.All(vol.Upper, cv.one_of(*COUNT_MODES)) MakePulseCounterSensor = Application.MakePulseCounterSensor def validate_internal_filter(value): if core.ESP_PLATFORM == ESP_PLATFORM_ESP32: if isinstance(value, int): raise vol.Invalid("Please specify the internal filter in microseconds now " "(since 1.7.0). For example '17ms'") value = cv.positive_time_period_microseconds(value) if value.total_microseconds > 13: raise vol.Invalid("Maximum internal filter value for ESP32 is 13us") return value else: return cv.positive_time_period_microseconds(value) PLATFORM_SCHEMA = cv.nameable(sensor.SENSOR_PLATFORM_SCHEMA.extend({ cv.GenerateID(CONF_MAKE_ID): cv.declare_variable_id(MakePulseCounterSensor), vol.Required(CONF_PIN): pins.internal_gpio_input_pin_schema, vol.Optional(CONF_COUNT_MODE): vol.Schema({ vol.Required(CONF_RISING_EDGE): COUNT_MODE_SCHEMA, vol.Required(CONF_FALLING_EDGE): COUNT_MODE_SCHEMA, }), vol.Optional(CONF_INTERNAL_FILTER): validate_internal_filter, vol.Optional(CONF_UPDATE_INTERVAL): cv.update_interval, vol.Optional(CONF_PULL_MODE): cv.invalid("The pull_mode option has been removed in 1.7.0, " "please use the pin mode schema now.") })) def to_code(config): pin = None for pin in gpio_input_pin_expression(config[CONF_PIN]): yield rhs = App.make_pulse_counter_sensor(config[CONF_NAME], pin, config.get(CONF_UPDATE_INTERVAL)) make = variable(config[CONF_MAKE_ID], rhs) pcnt = make.Ppcnt if CONF_COUNT_MODE in config: rising_edge = COUNT_MODES[config[CONF_COUNT_MODE][CONF_RISING_EDGE]] falling_edge = COUNT_MODES[config[CONF_COUNT_MODE][CONF_FALLING_EDGE]] add(pcnt.set_edge_mode(rising_edge, falling_edge)) if CONF_INTERNAL_FILTER in config: add(pcnt.set_filter_us(config[CONF_INTERNAL_FILTER])) sensor.setup_sensor(make.Ppcnt, make.Pmqtt, config) BUILD_FLAGS = '-DUSE_PULSE_COUNTER_SENSOR'
const UserError = require('./user_error') class Command { constructor (params, parent, hash) { this.params = params this.parent = parent this.hash = parent ? parent.hash : {} this.uniqueHash = parent ? parent.uniqueHash : {} this.parentBase = (this.parent && this.parent.base && this.parent.base + ' ') || '' this.base = this.parentBase + (this.params.base || '') if (this.params.base) this.updateHistory() } find (command) { const parts = command.split(' ') const c = parts.shift() const pars = parts.join(' ') if (this.hash[c]) { return [this.hash[c], pars] } return undefined } async use (command, ctx = {}, op = true) { let res = this.find(command) if (res) { let [com, pars] = res if (com.params.onlyConsole && ctx.player) return 'This command is console only' if (com.params.onlyPlayer && !ctx.player) throw new UserError('This command is player only') if (com.params.op && !op) return 'You do not have permission to use this command' const parse = com.params.parse if (parse) { if (typeof parse === 'function') { pars = parse(pars, ctx) if (pars === false) { if (ctx.player) return com.params.usage ? 'Usage: ' + com.params.usage : 'Bad syntax' else throw new UserError(com.params.usage ? 'Usage: ' + com.params.usage : 'Bad syntax') } } else { pars = pars.match(parse) } } res = await com.params.action(pars, ctx) if (res) return '' + res } else { if (ctx.player) return 'Command not found' else throw new UserError('Command not found') } } updateHistory () { const all = '(.+?)' const list = [this.base] if (this.params.aliases && this.params.aliases.length) { this.params.aliases.forEach(al => list.unshift(this.parentBase + al)) } list.forEach((command) => { const parentBase = this.parent ? (this.parent.path || '') : '' this.path = parentBase + this.space() + (command || all) if (this.path === all && !this.parent) this.path = '' if (this.path) this.hash[this.path] = this }) this.uniqueHash[this.base] = this } add (params) { return new Command(params, this) } space (end) { const first = !(this.parent && this.parent.parent) return this.params.merged || (!end && first) ? '' : ' ' } setOp (op) { this.params.op = op } tab (command, i) { if (this.find(command)[0].params.tab) return this.find(command)[0].params.tab[i] return 'player' } } module.exports = Command
import logging from gwcs.wcs import WCS import astropy.units as u from ..wcs_adapter import WCSAdapter __all__ = ['GWCSAdapter'] class GWCSAdapter(WCSAdapter): """ Adapter class that adds support for GWCS objects. """ wrapped_class = WCS axes = None def __init__(self, wcs, unit=None): super(GWCSAdapter, self).__init__(wcs) self._rest_frequency = 0 self._rest_wavelength = 0 # TODO: Currently, unsure of how to create a copy of an arbitrary gwcs # object. For now, store the desired spectral axis unit information in # the adapter object instead of creating a new gwcs object like we do # for fitswcs. self._wcs_unit = self.wcs.output_frame.unit[0] self._unit = self._wcs_unit if unit is not None and unit.is_equivalent(self._unit, equivalencies=u.spectral()): self._unit = unit def world_to_pixel(self, world_array): """ Method for performing the world to pixel transformations. """ return u.Quantity(self.wcs.invert(world_array), self._wcs_unit).to( self._unit, equivalencies=u.spectral()).value def pixel_to_world(self, pixel_array): """ Method for performing the pixel to world transformations. """ return u.Quantity(self.wcs(pixel_array, with_bounding_box=False), self._wcs_unit).to( self._unit, equivalencies=u.spectral()).value @property def spectral_axis_unit(self): """ Returns the unit of the spectral axis. """ return self._unit @property def rest_frequency(self): """ Returns the rest frequency defined in the WCS. """ logging.warning("GWCS does not store rest frequency information. " "Please define the rest value explicitly in the " "`Spectrum1D` object.") return self._rest_frequency @property def rest_wavelength(self): """ Returns the rest wavelength defined in the WCS. """ logging.warning("GWCS does not store rest wavelength information. " "Please define the rest value explicitly in the " "`Spectrum1D` object.") return self._rest_wavelength def with_spectral_unit(self, unit, rest_value=None, velocity_convention=None): """ """ if isinstance(unit, u.Unit) and unit.is_equivalent( self._wcs_unit, equivalencies=u.spectral()): return self.__class__(self.wcs, unit=unit) logging.error("WCS units incompatible: {} and {}.".format( unit, self._wcs_unit))
/** * @license * Copyright 2016 Google Inc. All Rights Reserved. * * 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. */ foam.CLASS({ package: 'foam.dao', name: 'ArrayDAO', extends: 'foam.dao.AbstractDAO', documentation: 'DAO implementation backed by an array.', requires: [ 'foam.dao.ArraySink', 'foam.mlang.predicate.True' ], properties: [ { class: 'Class', name: 'of', factory: function() { if ( this.array.length === 0 ) return this.__context__.lookup('foam.core.FObject'); return null; } }, { name: 'array', factory: function() { return []; } } ], methods: [ function put_(x, obj) { for ( var i = 0 ; i < this.array.length ; i++ ) { if ( obj.ID.compare(obj, this.array[i]) === 0 ) { this.array[i] = obj; break; } } if ( i == this.array.length ) this.array.push(obj); this.on.put.pub(obj); return Promise.resolve(obj); }, function remove_(x, obj) { for ( var i = 0 ; i < this.array.length ; i++ ) { if ( foam.util.equals(obj.id, this.array[i].id) ) { var o2 = this.array.splice(i, 1)[0]; this.on.remove.pub(o2); break; } } return Promise.resolve(); }, function select_(x, sink, skip, limit, order, predicate) { var resultSink = sink || this.ArraySink.create(); sink = this.decorateSink_(resultSink, skip, limit, order, predicate); var detached = false; var sub = foam.core.FObject.create(); sub.onDetach(function() { detached = true; }); var self = this; return new Promise(function(resolve, reject) { for ( var i = 0 ; i < self.array.length ; i++ ) { if ( detached ) break; sink.put(self.array[i], sub); } sink.eof(); resolve(resultSink); }); }, function removeAll_(x, skip, limit, order, predicate) { predicate = predicate || this.True.create(); skip = skip || 0; limit = foam.Number.isInstance(limit) ? limit : Number.MAX_VALUE; for ( var i = 0; i < this.array.length && limit > 0; i++ ) { if ( predicate.f(this.array[i]) ) { if ( skip > 0 ) { skip--; continue; } var obj = this.array.splice(i, 1)[0]; i--; limit--; this.on.remove.pub(obj); } } return Promise.resolve(); }, function find_(x, key) { var id = this.of.isInstance(key) ? key.id : key; for ( var i = 0 ; i < this.array.length ; i++ ) { if ( foam.util.equals(id, this.array[i].id) ) { return Promise.resolve(this.array[i]); } } return Promise.resolve(null); } ] });
# Copyright (c) 2020 The Chromium Authors. All rights reserved. # Use of this source code is governed by a BSD-style license that can be # found in the LICENSE file. """A ReadFromDatastore alternative for fetching entities in a timestamp range. The main difference from ReadFromDatastore is the query splitting method (for splitting into parallel fetches). ReadFromDatastore attempts to automatically split the query by interrogating the datastore about how best to split the query. This strategy fails in many cases, e.g. for huge datasets this initial query can be prohibitively expensive, and if there's an inequality filter no splitting is attempted at all. ReadTimestampRangeFromDatastore simply splits by a timestamp property, which works well for datasets that are roughly evenly distributed across time (e.g. most days have roughly the same number of entities). This only requires a trivial amount of upfront work, so tends to outperform ReadFromDatastore for chromeperf's use cases. """ from __future__ import absolute_import from __future__ import division from __future__ import print_function import datetime import logging import apache_beam as beam from google.cloud.datastore import client as ds_client from google.cloud.datastore import query as ds_query class ReadTimestampRangeFromDatastore(beam.PTransform): """Similar to ReadFromDatastore; see module docstring.""" def __init__(self, query_params, time_range_provider, step=datetime.timedelta(days=1), timestamp_property='timestamp'): """Constructor. Params: :query_params: kwargs for google.cloud.datastore.query.Query's constructor. :time_range: see BqExportOptions.GetTimeRangeProvider. :step: a datetime.timedelta of the interval to split the range to fetch by (default is 1 day). :timestamp_property: a str of the name of the timestamp property to filter on. """ super(ReadTimestampRangeFromDatastore, self).__init__() self._query_params = query_params self._time_range_provider = time_range_provider self._step = step self._timestamp_property = timestamp_property def expand(self, pcoll): # pylint: disable=invalid-name return ( pcoll.pipeline | 'Init' >> beam.Create([None]) | 'SplitTimeRange' >> beam.FlatMap(lambda _: list(self._Splits())) # Reshuffle is necessary to prevent fusing between SplitTimeRange # and ReadRows, which would thwart parallel processing of ReadRows! | 'Reshuffle' >> beam.Reshuffle() | 'ReadRows' >> beam.ParDo( ReadTimestampRangeFromDatastore._QueryFn(self._query_params, self._timestamp_property))) class _QueryFn(beam.DoFn): def __init__(self, query_params, timestamp_property): super(ReadTimestampRangeFromDatastore._QueryFn, self).__init__() self._query_params = query_params self._timestamp_property = timestamp_property def process( self, start_end, *unused_args, # pylint: disable=invalid-name **unused_kwargs): start, end = start_end client = ds_client.Client(project=self._query_params['project']) query = ds_query.Query(client=client, **self._query_params) query.add_filter(self._timestamp_property, '>=', start) query.add_filter(self._timestamp_property, '<', end) for entity in query.fetch(client=client, eventual=True): yield entity def _Splits(self): min_timestamp, max_timestamp = self._time_range_provider.Get() logging.getLogger().info('ReadTimestampRangeFromDatastore from %s to %s', min_timestamp, max_timestamp) start = min_timestamp while True: end = start + self._step yield (start, end) if end >= max_timestamp: break start = end
#!/usr/bin/env python # -*- coding: utf-8 -*- import numpy def event_detection(feature_data, model_container, hop_length_seconds=0.01, smoothing_window_length_seconds=1.0, decision_threshold=0.0, minimum_event_length=0.1, minimum_event_gap=0.1): """Sound event detection Parameters ---------- feature_data : numpy.ndarray [shape=(n_features, t)] Feature matrix model_container : dict Sound event model pairs [positive and negative] in dict hop_length_seconds : float > 0.0 Feature hop length in seconds, used to convert feature index into time-stamp (Default value=0.01) smoothing_window_length_seconds : float > 0.0 Accumulation window (look-back) length, withing the window likelihoods are accumulated. (Default value=1.0) decision_threshold : float > 0.0 Likelihood ratio threshold for making the decision. (Default value=0.0) minimum_event_length : float > 0.0 Minimum event length in seconds, shorten than given are filtered out from the output. (Default value=0.1) minimum_event_gap : float > 0.0 Minimum allowed gap between events in seconds from same event label class. (Default value=0.1) Returns ------- results : list (event dicts) Detection result, event list """ smoothing_window = int(smoothing_window_length_seconds / hop_length_seconds) results = [] for event_label in model_container['models']: positive = model_container['models'][event_label]['positive'].score_samples(feature_data)[0] negative = model_container['models'][event_label]['negative'].score_samples(feature_data)[0] # Lets keep the system causal and use look-back while smoothing (accumulating) likelihoods for stop_id in range(0, feature_data.shape[0]): start_id = stop_id - smoothing_window if start_id < 0: start_id = 0 positive[start_id] = sum(positive[start_id:stop_id]) negative[start_id] = sum(negative[start_id:stop_id]) likelihood_ratio = positive - negative event_activity = likelihood_ratio > decision_threshold # Find contiguous segments and convert frame-ids into times event_segments = contiguous_regions(event_activity) * hop_length_seconds # Preprocess the event segments event_segments = postprocess_event_segments(event_segments=event_segments, minimum_event_length=minimum_event_length, minimum_event_gap=minimum_event_gap) for event in event_segments: results.append((event[0], event[1], event_label)) return results def contiguous_regions(activity_array): """Find contiguous regions from bool valued numpy.array. Transforms boolean values for each frame into pairs of onsets and offsets. Parameters ---------- activity_array : numpy.array [shape=(t)] Event activity array, bool values Returns ------- change_indices : numpy.ndarray [shape=(2, number of found changes)] Onset and offset indices pairs in matrix """ # Find the changes in the activity_array change_indices = numpy.diff(activity_array).nonzero()[0] # Shift change_index with one, focus on frame after the change. change_indices += 1 if activity_array[0]: # If the first element of activity_array is True add 0 at the beginning change_indices = numpy.r_[0, change_indices] if activity_array[-1]: # If the last element of activity_array is True, add the length of the array change_indices = numpy.r_[change_indices, activity_array.size] # Reshape the result into two columns return change_indices.reshape((-1, 2)) def postprocess_event_segments(event_segments, minimum_event_length=0.1, minimum_event_gap=0.1): """Post process event segment list. Makes sure that minimum event length and minimum event gap conditions are met. Parameters ---------- event_segments : numpy.ndarray [shape=(2, number of event)] Event segments, first column has the onset, second has the offset. minimum_event_length : float > 0.0 Minimum event length in seconds, shorten than given are filtered out from the output. (Default value=0.1) minimum_event_gap : float > 0.0 Minimum allowed gap between events in seconds from same event label class. (Default value=0.1) Returns ------- event_results : numpy.ndarray [shape=(2, number of event)] postprocessed event segments """ # 1. remove short events event_results_1 = [] for event in event_segments: if event[1]-event[0] >= minimum_event_length: event_results_1.append((event[0], event[1])) if len(event_results_1): # 2. remove small gaps between events event_results_2 = [] # Load first event into event buffer buffered_event_onset = event_results_1[0][0] buffered_event_offset = event_results_1[0][1] for i in range(1, len(event_results_1)): if event_results_1[i][0] - buffered_event_offset > minimum_event_gap: # The gap between current event and the buffered is bigger than minimum event gap, # store event, and replace buffered event event_results_2.append((buffered_event_onset, buffered_event_offset)) buffered_event_onset = event_results_1[i][0] buffered_event_offset = event_results_1[i][1] else: # The gap between current event and the buffered is smalle than minimum event gap, # extend the buffered event until the current offset buffered_event_offset = event_results_1[i][1] # Store last event from buffer event_results_2.append((buffered_event_onset, buffered_event_offset)) return event_results_2 else: return event_results_1
// JS script for WebPuppeteer // it can do stuff! console.log("Loading google.com..."); tab = sys.newTab(); // dump all network traffic to this file tab.saveNetwork("google_img.bin"); tab.browse("http://www.google.com/ncr"); console.log("loaded, messing with the page"); tab.type("cats"); tab.typeEnter(); tab.wait(); tab.document().findAllContaining("Images")[0].click(); tab.wait(); tab.interact();
import os from django.core.wsgi import get_wsgi_application os.environ.setdefault('DJANGO_SETTINGS_MODULE', 'healthy-at-home.settings') application = get_wsgi_application()
// point free // 例子1: Hello World -> hello_world const fp = require('lodash/fp') const f = fp.flowRight(fp.replace(/\s+/g, '_'), fp.toLower) console.log(f('Hello World')) // hello_world // 例子2: 将字符串首字母转为大写,使用. 分割 // world wild web -> W. W. W const firstLetterToUpper_0 = fp.flowRight(fp.join('. '), fp.map(fp.first), fp.map(fp.toUpper), fp.split(' ')) // 优化: 将2次 map 合并 const firstLetterToUpper = fp.flowRight(fp.join('. '), fp.map(fp.flowRight(fp.first, fp.toUpper)), fp.split(' ')) console.log(firstLetterToUpper('world wild web'))
"""Contains logging configuration data.""" import logging import logging.config from jade.extensions.registry import Registry def setup_logging( name, filename, console_level=logging.INFO, file_level=logging.INFO, mode="w", packages=None ): """Configures logging to file and console. Parameters ---------- name : str logger name filename : str | None log filename console_level : int, optional console log level file_level : int, optional file log level packages : list, optional enable logging for these package names """ log_config = { "version": 1, "disable_existing_loggers": False, "formatters": { "short": { "format": "%(asctime)s - %(levelname)s [%(name)s " "%(filename)s:%(lineno)d] : %(message)s", }, "detailed": { "format": "%(asctime)s - %(levelname)s [%(name)s " "%(filename)s:%(lineno)d] : %(message)s", }, }, "handlers": { "console": { "level": console_level, "formatter": "short", "class": "logging.StreamHandler", }, "file": { "class": "logging.FileHandler", "level": file_level, "filename": filename, "mode": mode, "formatter": "detailed", }, }, "loggers": { name: {"handlers": ["console", "file"], "level": "DEBUG", "propagate": False}, }, } logging_packages = set(Registry().list_loggers()) if packages is not None: for package in packages: logging_packages.add(package) for package in logging_packages: log_config["loggers"][package] = { "handlers": ["console", "file"], "level": "DEBUG", "propagate": False, } if filename is None: log_config["handlers"].pop("file") log_config["loggers"][name]["handlers"].remove("file") for package in logging_packages: if "file" in log_config["loggers"][package]["handlers"]: log_config["loggers"][package]["handlers"].remove("file") logging.config.dictConfig(log_config) logger = logging.getLogger(name) return logger _EVENT_LOGGER_NAME = "_jade_event" def setup_event_logging(filename, mode="w"): """Configures structured event logging. Parameters ---------- filename : str log filename mode : str """ log_config = { "version": 1, "disable_existing_loggers": False, "formatters": { "basic": {"format": "%(message)s"}, }, "handlers": { "file": { "class": "logging.FileHandler", "level": logging.INFO, "filename": filename, "mode": mode, "formatter": "basic", }, }, "loggers": { "_jade_event": { "handlers": ["file"], "level": "INFO", "propagate": False, }, }, } logging.config.dictConfig(log_config) logger = logging.getLogger(_EVENT_LOGGER_NAME) return logger def close_event_logging(): """Close the event log file handle.""" for handler in logging.getLogger(_EVENT_LOGGER_NAME).handlers: handler.close() def log_event(event): """ Log a structured job event into log file Parameters ---------- event: :obj:`StructuredLogEvent` An instance of :obj:`StructuredLogEvent` """ logger = logging.getLogger(_EVENT_LOGGER_NAME) logger.info(event)
/** * Represents the main */ var RadFeedback = (function () { function RadFeedback() { } RadFeedback.init = function (apiKey, serviceUri, uid) { }; RadFeedback.show = function () { }; return RadFeedback; })(); exports.RadFeedback = RadFeedback;
export const refreshTokenSetup = (res) => { // Timing to renew access token let refreshTiming = (res.tokenObj.expires_in || 3600 - 5 * 60) * 1000; const refreshToken = async () => { const newAuthRes = await res.reloadAuthResponse(); refreshTiming = (newAuthRes.expires_in || 3600 - 5 * 60) * 1000; // console.log('newAuthRes:', newAuthRes); // saveUserToken(newAuthRes.access_token); <-- save new token localStorage.setItem('authToken', newAuthRes.id_token); // Setup the other timer after the first one setTimeout(refreshToken, refreshTiming); }; // Setup first refresh timer setTimeout(refreshToken, refreshTiming); };
// Copyright 2019 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 // // 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. 'use strict'; const main = ( projectId = process.env.GOOGLE_CLOUD_PROJECT, cloudRegion = 'us-central1', datasetId ) => { // [START healthcare_list_dicom_stores] const {google} = require('googleapis'); const healthcare = google.healthcare('v1'); const listDicomStores = async () => { const auth = await google.auth.getClient({ scopes: ['https://www.googleapis.com/auth/cloud-platform'], }); google.options({auth}); // TODO(developer): uncomment these lines before running the sample // const cloudRegion = 'us-central1'; // const projectId = 'adjective-noun-123'; // const datasetId = 'my-dataset'; const parent = `projects/${projectId}/locations/${cloudRegion}/datasets/${datasetId}`; const request = {parent}; const dicomStores = await healthcare.projects.locations.datasets.dicomStores.list(request); console.log(dicomStores.data); }; listDicomStores(); // [END healthcare_list_dicom_stores] }; // node listDicomStores.js <projectId> <cloudRegion> <datasetId> main(...process.argv.slice(2));
'use strict'; module.exports = (sequelize, DataTypes) => { const MenuList = sequelize.define('MenuList', { id: { allowNull: false, type: DataTypes.UUID, primaryKey: true, defaultValue: DataTypes.UUIDV4, validate: { isUUID: 4 }, notNull: { msg: 'UUID cannot be null.' } } }, {}); MenuList.associate = function(models) { MenuList.ShopMenuList = MenuList.belongsTo(models.Shop,{ foreignKey: { allowNull: false } }); MenuList.Coffee = MenuList.hasMany(models.Coffee); }; return MenuList; };
'use strict'; ///This is from https://github.com/porchdotcom/nock-back-mocha with some modifications var path = require('path'); var nock = require('nock'); var sanitize = require('sanitize-filename'); nock.enableNetConnect(); var nockFixtureDirectory = path.resolve(path.resolve(__dirname,'fixtures')); var filenames = []; //TODO: these functions should be specified by the provider, not in the test runner. //this function filters/transforms the request so that it matches the data in the recording. function afterLoad(recording){ recording.transformPathFunction = function(path){ return removeSensitiveData(path); } // recording.scopeOptions.filteringScope = function(scope) { // // console.log("SCOPE", scope) // return /^https:\/\/api[0-9]*.dropbox.com/.test(scope); // }; // recording.scope = recording.scope.replace(/^https:\/\/api[0-9]*.dropbox.com/, 'https://api.dropbox.com') } //this function removes any sensitive data from the recording so that it will not be included in git repo. function afterRecord(recordings) { console.log('>>>> Removing sensitive data from recording'); // console.dir(recordings); for(var ndx in recordings){ var recording = recordings[ndx] recording.path = removeSensitiveData(recording.path) recording.response = removeSensitiveData(recording.response) } return recordings }; function removeSensitiveData(rawString){ rawString = rawString.toString() if(process.env.OAUTH_GOODREADS_CLIENT_KEY) { rawString = rawString.replace(new RegExp(process.env.OAUTH_GOODREADS_CLIENT_KEY, 'g') , 'PLACEHOLDER_CLIENT_KEY') } if(process.env.OAUTH_GOODREADS_CLIENT_SECRET){ rawString = rawString.replace(new RegExp( process.env.OAUTH_GOODREADS_CLIENT_SECRET, "g"), 'PLACEHOLDER_CLIENT_SECRET' ) } return rawString } beforeEach(function (done) { var filename = sanitize(this.currentTest.fullTitle() + '.json'); // make sure we're not reusing the nock file if (filenames.indexOf(filename) !== -1) { return done(new Error('goodreads.js does not support multiple tests with the same name. `' + filename + '` cannot be reused.')); } filenames.push(filename); var previousFixtures = nock.back.fixtures; nock.back.fixtures = nockFixtureDirectory; nock.back.setMode('record'); nock.back(filename, { after: afterLoad, afterRecord: afterRecord }, function (nockDone) { this.currentTest.nockDone = function () { nockDone(); nock.back.fixtures = previousFixtures; }; done(); }.bind(this)); }); afterEach(function () { this.currentTest.nockDone(); });
/* global describe, it */ 'use strict'; // Load dependencies var should = require('should'); var Query = require('bazalt-query'); // Class to test var QueryNodeMysqlTranformer = require('../'); describe('Test QueryNodeMysqlTranformer class', function() { });
$(document).ready(function() { smoothScrool(1000); timeRunOut(37,67); console.log('test'); }); function smoothScrool (duration) { $('a[href^="#"]').on('click', function(event) { var target = $( $(this).attr('href') ); if (target.length) { event.preventDefault(); $('html, body').animate({ scrollTop: target.offset().top }, duration); } }); } function timeRunOut(elapsedTime, endTime) { let timeLeft = endTime - elapsedTime; console.log(timeLeft); } function addFavoriteBook(bookName) { if (!bookName.includes("Great")) { favoriteBooks.push(bookName); } } function printFavoriteBooks() { console.log(`Bobi has ${favoriteBooks.length} favorite books`); for (let bookName of favoriteBooks) { console.log(bookName); } } var favoriteBooks = []; addFavoriteBook("5 Lat Kacetu"); addFavoriteBook("Great Wall in China"); addFavoriteBook("Metallica Biography"); addFavoriteBook("Witcher"); addFavoriteBook("Great Gatsby"); printFavoriteBooks(); var message1 ="There is "; var monthsNumber = 11; var message2 =" months left."; console.log(message1 + monthsNumber + message2); let workshop2Element = 20; var workshopenrollment = workshop2Element.value; console.log(workshopenrollment); //NaN simple function /* NOTES FROM FRONTEND MASTERS COURSES. NEED TO BE REWRITTEN INTO NOTEBOOK, AFTER BUYING Three Pillars of JS 1. Types / Coercion coercion means "przymus" in polish 2. Scope / Closures "Zakres / Zamknięcia" 3. this / Prototypes Types / Coercion - Primitive Types - Converting Types - Checking Equality "In JavaScript everything is an object" - It is NOT true Primitive Types - undefined - string - number - boolean - object - symbol - null (behaves little strangely) In JavaScript variables DON'T have types, Values DO. Historical bug of JS. typeof v = null; gives answer that is an object. It should be null. The way of convert one type to another is - "COERCION" == double equals allow coercion (different types) === triple equals disallow coercion (same types) */
import {RomContextProvider} from "./RomContext"; import {shallow} from "enzyme"; class LocalStorageMock { constructor() { this.store = {}; } clear() { this.store = {}; } getItem(key) { return this.store[key] || null; } setItem(key, value) { this.store[key] = value.toString(); } removeItem(key) { delete this.store[key]; } } beforeEach(() => { Object.defineProperty(window, 'localStorage', {value: new LocalStorageMock()}); }); test('save a rom to a slot', () => { const provider = shallow(<RomContextProvider/>).instance(); expect(window.localStorage.getItem('SLOT_0')).toBeNull(); provider.saveSlot(0, 'DonkeyK.nes', '0123456789abcdef'); expect(window.localStorage.getItem('SLOT_0')).toBeDefined(); }); test('get and set version', () => { const provider = shallow(<RomContextProvider/>).instance(); expect(provider.getVersion()).toBeNull(); provider.setVersion(); expect(provider.getVersion()).toBeDefined(); }); test('remove rom', () => { const provider = shallow(<RomContextProvider/>).instance(); provider.saveSlot(0, 'DonkeyK.nes', '0123456789abcdef'); expect(window.localStorage.getItem('SLOT_0')).toBeDefined(); provider.removeRom(0); expect(window.localStorage.getItem('SLOT_0')).toBeNull(); });
(function() { "use strict"; angular .module("app.dashboard") .factory("ExposureFactory", function ExposureFactory( $translate, $filter, $window, $timeout, $http, $sanitize, Utils, Alertify ) { ExposureFactory.init = function() { ExposureFactory.exposure = { currScore: { value: 0, test: "" }, futureScore: { value: 0, test: "" }, description: [ $translate.instant("dashboard.improveScoreModal.exposure.DESCRIPTION_1"), $translate.instant("dashboard.improveScoreModal.exposure.DESCRIPTION_2"), $translate.instant("dashboard.improveScoreModal.exposure.DESCRIPTION_3"), $translate.instant("dashboard.improveScoreModal.exposure.DESCRIPTION_4") ], progressNames: [ $translate.instant("dashboard.improveScoreModal.exposure.PROCESS_1"), $translate.instant("dashboard.improveScoreModal.exposure.PROCESS_2"), $translate.instant("dashboard.improveScoreModal.exposure.PROCESS_3"), $translate.instant("dashboard.improveScoreModal.exposure.PROCESS_4") ] }; } let resizeEvent = "resize.ag-grid"; let $win = $($window); function innerCellRenderer(params) { const serviceColorArray = [ "text-danger", "text-warning", "text-caution", "text-monitor", "text-protect" ]; const levelMap = { protect: 4, monitor: 3, discover: 2, violate: 1, warning: 1, deny: 0, critical: 0 }; let level = []; if (params.data.children) { params.data.children.forEach(function(child) { if (child.severity) { level.push(levelMap[child.severity.toLowerCase()]); } else if ( child.policy_action && (child.policy_action.toLowerCase() === "deny" || child.policy_action.toLowerCase()==="violate") ) { level.push(levelMap[child.policy_action.toLowerCase()]); } else { if (!child.policy_mode) child.policy_mode = "discover"; level.push(levelMap[child.policy_mode.toLowerCase()]); } }); let serviceColor = serviceColorArray[Math.min(...level)]; return `<span class="${serviceColor}"></em>${ $sanitize(params.data.service) }</span>`; } else { const podColorArray = [ "text-danger", "text-warning", "text-caution", "text-monitor", "text-protect" ]; const levelMap = { protect: 4, monitor: 3, discover: 2, violate: 1, warning: 1, deny: 0, critical: 0 }; const actionTypeIconMap = { discover: "fa icon-size-2 fa-exclamation-triangle", violate: "fa icon-size-2 fa-ban", protect: "fa icon-size-2 fa-shield", monitor: "fa icon-size-2 fa-bell", deny: "fa icon-size-2 fa-minus-circle", threat: "fa icon-size-2 fa-bug" }; let actionType = ""; let level = 0; if (params.data.severity) { level = levelMap[params.data.severity.toLowerCase()]; actionType = actionTypeIconMap["threat"]; } else if ( params.data.policy_action && (params.data.policy_action.toLowerCase() === "deny" || params.data.policy_action.toLowerCase()==="violate") ) { level = levelMap[params.data.policy_action.toLowerCase()]; actionType = actionTypeIconMap[params.data.policy_action.toLowerCase()]; } else { if (!params.data.policy_mode) params.data.policy_mode = "discover"; level = levelMap[params.data.policy_mode.toLowerCase()]; actionType = actionTypeIconMap[params.data.policy_mode.toLowerCase()]; } return `<span class="${ podColorArray[level] }">&nbsp;&nbsp;&nbsp;&nbsp;<em class="${actionType}"></em>&nbsp;&nbsp;${ $sanitize(params.data.display_name) }</span>`; } } ExposureFactory.exposedContainerColumnDefs = [ { headerName: $translate.instant("dashboard.body.panel_title.SERVICE"), field: "service", width: 450, cellRendererParams: { innerRenderer: innerCellRenderer }, cellRenderer: "agGroupCellRenderer" }, { headerName: $translate.instant( "dashboard.body.panel_title.APPLICATIONS" ), field: "applications", cellRenderer: function(params) { if (params.value) { return $sanitize( params.data.ports ? params.value.concat(params.data.ports).join(", ") : params.value.join(", ") ); } }, width: 300, suppressSorting: true }, { headerName: $translate.instant( "dashboard.body.panel_title.POLICY_MODE" ), field: "policy_mode", cellRenderer: function(params) { let mode = ""; if (params.value) { mode = Utils.getI18Name(params.value); let labelCode = colourMap[params.value]; if (!labelCode) return null; else return `<span class="label label-fs label-${labelCode}">${$sanitize(mode)}</span>`; } else return null; }, width: 95, minWidth: 95, suppressSorting: true }, { headerName: $translate.instant( "dashboard.body.panel_title.POLICY_ACTION" ), field: "policy_action", cellRenderer: function(params) { if (params.value) { return `<span ng-class="{\'policy-remove\': data.remove}" class="action-label ${ colourMap[params.value.toLowerCase()] }"> ${$sanitize($translate.instant( "policy.action." + params.value.toUpperCase() ))} </span>`; } }, width: 80, maxWidth: 80, minWidth: 80, suppressSorting: true }, { headerName: "", field: "policy_action", cellRenderer: function(params) { if (params.value) { return `<em class="fa fa-trash fa-lg mr-sm text-action" ng-click="clearConversation(data.id)" uib-tooltip="{{'dashboard.improveScoreModal.REMOVE' | translate}}"> </em>`; } }, width: 45, maxWidth: 45, minWidth: 45, suppressSorting: true } ]; function getWorkloadChildDetails(rowItem) { if (rowItem.children && rowItem.children.length > 0) { return { group: true, children: rowItem.children, expanded: true }; } else { return null; } } ExposureFactory.gridIngressContainer = { headerHeight: 30, rowHeight: 30, enableSorting: true, enableColResize: true, animateRows: true, angularCompileRows: true, suppressDragLeaveHidesColumns: true, columnDefs: ExposureFactory.exposedContainerColumnDefs, getNodeChildDetails: getWorkloadChildDetails, rowData: null, rowSelection: "single", icons: { sortAscending: '<em class="fa fa-sort-alpha-asc"/>', sortDescending: '<em class="fa fa-sort-alpha-desc"/>' }, overlayNoRowsTemplate: $translate.instant("general.NO_ROWS"), onGridReady: function(params) { $timeout(function() { params.api.sizeColumnsToFit(); }, 100); $win.on(resizeEvent, function() { $timeout(function() { params.api.sizeColumnsToFit(); }, 500); }); } }; ExposureFactory.gridEgressContainer = { headerHeight: 30, rowHeight: 30, enableSorting: true, enableColResize: true, animateRows: true, angularCompileRows: true, suppressDragLeaveHidesColumns: true, columnDefs: ExposureFactory.exposedContainerColumnDefs, getNodeChildDetails: getWorkloadChildDetails, rowData: null, rowSelection: "single", icons: { sortAscending: '<em class="fa fa-sort-alpha-asc"/>', sortDescending: '<em class="fa fa-sort-alpha-desc"/>' }, overlayNoRowsTemplate: $translate.instant("general.NO_ROWS"), onGridReady: function(params) { $timeout(function() { params.api.sizeColumnsToFit(); }, 100); $win.on(resizeEvent, function() { $timeout(function() { params.api.sizeColumnsToFit(); }, 500); }); } }; function filterExposedConversations(exposedConversations, filter) { let res = []; if (filter) { if (exposedConversations && exposedConversations.length > 0) { exposedConversations.forEach(function(conversation, index) { let children = []; if (conversation.children && conversation.children.length > 0) { children = conversation.children.filter(function(child) { if (filter === "threat" && child.severity) { return true; } else if ( filter === "violation" && ( (child.policy_action && child.policy_action.toLowerCase() === "violate" || child.policy_action.toLowerCase() === "deny") ) ) { return true; } else if (filter === "normal" && (!child.severity || child.severity.length === 0) && (!child.policy_action || (child.policy_action.toLowerCase() !== "violate" && child.policy_action.toLowerCase() !== "deny")) ) { return true; } return false; }); } if (children.length > 0) { conversation.children = children; conversation.seq = index; res.push(conversation); } }); } return res; } return exposedConversations; } ExposureFactory.generateGrid = function(exposedConversations, filter, tabs) { console.log("ExposureFactory.generateGrid perams: ", exposedConversations, filter, tabs); let ingress = filterExposedConversations(exposedConversations.ingress, filter); let egress = filterExposedConversations(exposedConversations.egress, filter); console.log("ingress, egress: ", ingress, egress); ExposureFactory.gridIngressContainer.api.setRowData( ingress ); ExposureFactory.gridEgressContainer.api.setRowData( egress ); if (ingress.length === 0 && egress.length > 0) { tabs[filter] = 1; } }; ExposureFactory.removeConversationFromGrid = function(exposedConversations, workloadId) { console.log("ExposureFactory.removeConversationFromGrid params: ", exposedConversations, workloadId); let res = []; if (exposedConversations && exposedConversations.length > 0) { exposedConversations.forEach(function(conversation, index) { let children = []; if (conversation.children && conversation.children.length > 0) { children = conversation.children.filter(function(child) { return !(child.id === workloadId); }); } if (children.length > 0) { conversation.children = children; res.push(conversation); } }); } return res; }; ExposureFactory.clearSessions = function(filter, tabs, endPoint1, endPoint2) { console.log("clearSessions parameter: ", filter, tabs, endPoint1, endPoint2); let from = endPoint2; let to = endPoint1; if (tabs[filter] === 1) { from = endPoint1; to = endPoint2; } $http .delete(CONVERSATION_SNAPSHOT_URL, { params: { from: encodeURIComponent(from), to: encodeURIComponent(to) } }) .then(function() { setTimeout(function() { console.log("ExposureFactory.exposedConversations: ", ExposureFactory.exposedConversations); if (endPoint1 === "external") { ExposureFactory.exposedConversations.ingress = ExposureFactory.removeConversationFromGrid(ExposureFactory.exposedConversations.ingress, endPoint1); } else { ExposureFactory.exposedConversations.egress = ExposureFactory.removeConversationFromGrid(ExposureFactory.exposedConversations.egress, endPoint1); } ExposureFactory.generateGrid(ExposureFactory.exposedConversations, filter, tabs); }, 500); }) .catch(function(err) { console.warn(err); Alertify.set({ delay: ALERTIFY_ERROR_DELAY }); Alertify.error( Utils.getAlertifyMsg(err, $translate.instant("network.popup.SESSION_CLEAR_FAILURE"), false) ); }); }; return ExposureFactory; }); })();
import React, { memo, forwardRef } from 'react' import Icon from '../src/Icon' const svgPaths16 = [ 'M1.067 0C.477 0 0 .478 0 1.067V3.2c0 .59.478 1.067 1.067 1.067h2.24a5.342 5.342 0 002.9 3.734 5.337 5.337 0 00-2.9 3.733h-2.24C.477 11.733 0 12.21 0 12.8v2.133C0 15.523.478 16 1.067 16H6.4c.59 0 1.067-.478 1.067-1.067V12.8c0-.59-.478-1.067-1.067-1.067H4.401a4.27 4.27 0 013.92-3.194l.212-.006V9.6c0 .59.478 1.067 1.067 1.067h5.333c.59 0 1.067-.478 1.067-1.067V6.4c0-.59-.478-1.067-1.067-1.067H9.6c-.59 0-1.067.478-1.067 1.067v1.067a4.268 4.268 0 01-4.132-3.2H6.4c.59 0 1.067-.478 1.067-1.067V1.067C7.467.477 6.989 0 6.4 0H1.067z' ] const svgPaths20 = [ 'M1.053 0C.47 0 0 .471 0 1.053V4.21c0 .58.471 1.052 1.053 1.052h3.275a6.332 6.332 0 003.728 4.738 6.33 6.33 0 00-3.728 4.737l-3.275-.001C.47 14.737 0 15.208 0 15.789v3.158C0 19.53.471 20 1.053 20h7.435c.581 0 1.053-.471 1.053-1.053V15.79c0-.58-.472-1.052-1.053-1.052H5.406a5.293 5.293 0 015.195-4.21v2.105c0 .58.471 1.052 1.052 1.052h7.294c.582 0 1.053-.471 1.053-1.052V7.368c0-.58-.471-1.052-1.053-1.052h-7.294c-.581 0-1.052.471-1.052 1.052v2.106a5.293 5.293 0 01-5.194-4.21h3.081c.581 0 1.053-.472 1.053-1.053V1.053C9.54.47 9.069 0 8.488 0H1.053z' ] export const DataLineageIcon = memo( forwardRef(function DataLineageIcon(props, ref) { return ( <Icon svgPaths16={svgPaths16} svgPaths20={svgPaths20} ref={ref} name="data-lineage" {...props} /> ) }) )
import React from "react"; import PropTypes from "prop-types"; import { Link, graphql } from "gatsby"; import { getImage } from "gatsby-plugin-image"; import Layout from "components/Layout"; import Features from "components/Features"; import BlogRoll from "components/BlogRoll"; import FullWidthImage from "components/FullWidthImage"; import Hero from "components/Hero"; import Services from "sections/Services"; import Solutions from "sections/Solutions"; import HowItWorks from "sections/HowItWorks"; // eslint-disable-next-line export const IndexPageTemplate = ({ heroImage, title, subheading, description, ctaTitle, ctaPath, services, solutions, howItWorks, }) => { return ( <div> <Hero img={heroImage} title={title} subheading={subheading} ctaTitle={ctaTitle} ctaPath={ctaPath} /> <Services services={services} /> <Solutions solutions={solutions} /> <HowItWorks howItWorks={howItWorks} /> </div> ); }; IndexPageTemplate.propTypes = { heroImage: PropTypes.oneOfType([PropTypes.object, PropTypes.string]), title: PropTypes.string, ctaTitle: PropTypes.string, ctaPath: PropTypes.string, subheading: PropTypes.string, description: PropTypes.string, services: PropTypes.shape({ ctaPath: PropTypes.string, ctaTitle: PropTypes.string, description: PropTypes.string, heading: PropTypes.string, service_stat_cards: PropTypes.array, }), solutions: PropTypes.shape({ heading: PropTypes.string, home_solution_cards: PropTypes.array, }), howItWorks:PropTypes.shape({ copy: PropTypes.string, ctaPath: PropTypes.string, ctaTitle: PropTypes.string, heading: PropTypes.string, how_it_works_list: PropTypes.array, image: PropTypes.oneOfType([PropTypes.object, PropTypes.string]), }), }; const IndexPage = ({ data }) => { const { frontmatter } = data.markdownRemark; return ( <Layout> <IndexPageTemplate heroImage={frontmatter.heroImage} ctaTitle={frontmatter.ctaTitle} ctaPath={frontmatter.ctaPath} title={frontmatter.title} subheading={frontmatter.subheading} description={frontmatter.description} services={frontmatter.services} solutions={frontmatter.solutions} howItWorks={frontmatter.how_it_works} /> </Layout> ); }; IndexPage.propTypes = { data: PropTypes.shape({ markdownRemark: PropTypes.shape({ frontmatter: PropTypes.object, }), }), }; export default IndexPage; export const pageQuery = graphql` query IndexPageTemplate { markdownRemark(frontmatter: {templateKey: {eq: "index-page"}}) { frontmatter { title heading subheading ctaTitle ctaPath description heroImage { publicURL } services { ctaPath ctaTitle description heading service_stat_cards { content image { publicURL } title } } solutions { heading home_solution_cards { content ctaPath ctaTitle title image { publicURL } } } how_it_works { copy ctaPath ctaTitle heading image{ publicURL } how_it_works_list { listContent listHeading } } } } } `;
import React from 'react' import VideoListItem from './video_list_item' const VideoList = (props) => { const videoItems = props.videos.map((video) => { return ( <VideoListItem onVideoSelect={props.onVideoSelect} key= {video.etag} video={video} /> ) }) return ( <ul className="col-md-4 list-group"> {videoItems} </ul> ) } export default VideoList
const { createComment, bot } = require('./comment-bot'); const { trigger: configTrigger, releaseMapper: configReleaseMapper, users, labels: configLabels, released } = require('./config.json'); const travisTrigger = require('./travis-bot'); const trigger = configTrigger || 'release'; const releaseMapper = configReleaseMapper || { major: 'major', minor: 'minor', bugfix: 'bugfix' } const labels = configLabels || { release: 'bugfix', 'release minor': 'minor' } const triggerRelease = (type) => `&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;:soon::shipit::octocat: &emsp;&emsp;&emsp;&emsp;&emsp;${type === 'bugfix' ? ':bug:' : ':rose:'}Shipit Squirrel has this release **${type}** surrounded, be ready for a new version${type === 'bugfix' ? ':beetle:' : ':sunflower:'}`; const noRelease = `&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;:rage1::volcano: &emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;:no_bell:Sorry, no release, PR has not yet been merged:see_no_evil:` const alreadyReleased = `&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;:broken_heart::persevere: &emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;&emsp;:mute:Sorry, no release, Pr has already been released:video_game:` /** * This is the main entrypoint to your Probot app * @param {import('probot').Application} app */ module.exports = app => { app.log(`Trigger word: ${trigger}`); app.log(`${Object.entries(releaseMapper).map(([key, value]) => `will look for - ${key} as ${value}`).join('\n')}`); app.log(`Release labels: \n${Object.entries(labels).map(([key, value]) => `will look for - ${key} as ${value}`).join('\n')}`); app.on(['pull_request.closed', 'pull_request.labeled'], async context => { const currPr = context.issue(); context.log(currPr); context.log('PR has been closed!'); if (context.payload.pull_request.merged) { context.log('PR has been actually merged!'); context.log(context.payload.pull_request.labels); const releasedLabel = context.payload.pull_request.labels.find(({ name }) => name === released); const releaseLabel = context.payload.pull_request.labels.find(({ name }) => name in labels); if (releasedLabel) { context.log(`Already released, not releasing again.`); createComment({ ...currPr, body: alreadyReleased }, context); } else if (releaseLabel) { const type = labels[releaseLabel.name] || 'bugfix'; context.log(`We will trigger new Release: ${type}!`); createComment({ ...currPr, body: triggerRelease(type) }, context); return travisTrigger(currPr, type, context); } else { context.log(`No release label found, no release triggered.`); } } }); app.on(['issue_comment.edited', 'issue_comment.created'], async context => { let allowed = true; if (users && !users.some(user => user === context.payload.sender.login)) { allowed = false; } if (allowed && context.payload.comment.body) { const corrected = context.payload.comment.body.trim().toLowerCase(); const isRelease = corrected.search(new RegExp(trigger)) === 0; const currPr = context.issue(); context.log(currPr); if (isRelease) { const { data: pullRequest } = await bot.pulls.get({ owner: currPr.owner, repo: currPr.repo, pull_number: currPr.number || currPr.pull_number }); if (pullRequest && pullRequest.merged) { const releasedLabel = pullRequest.labels.find(({ name }) => name === released); if (releasedLabel) { context.log(`Already released, not releasing again.`); createComment({ ...currPr, body: alreadyReleased }, context); } else { const type = releaseMapper[corrected.substring(trigger.length).trim()] || 'bugfix'; context.log(`We will trigger new Release: ${type}!`); createComment({ ...currPr, body: triggerRelease(type) }, context); return travisTrigger(currPr, type, context); } } else { context.log(`PR not merged, not gonna release.`); createComment({ ...currPr, body: noRelease }, context); } } else { context.log(`Not running release, because magic word not present.`); } } }); };
import json import os import math # metadata metadata = { 'protocolName': 'Station A SLP-005v2', 'author': 'Chaz <[email protected]>', 'source': 'Custom Protocol Request', 'apiLevel': '2.3' } NUM_SAMPLES = 8 SAMPLE_VOLUME = 300 TIP_TRACK = False CTRL_SAMPLES = 2 RACK_DEF = 'opentrons_24_tuberack_eppendorf_2ml_safelock_snapcap' PK_ADD = False def run(protocol): # load labware source_racks = [ protocol.load_labware(RACK_DEF, slot, 'source tuberack ' + str(i+1)) for i, slot in enumerate(['1', '4', '7', '10']) ] dest_plate = protocol.load_labware( 'nest_96_wellplate_2ml_deep', '5', '96-deepwell sample plate') tips1k = [protocol.load_labware('opentrons_96_filtertiprack_1000ul', '3')] p1000 = protocol.load_instrument( 'p1000_single_gen2', 'right', tip_racks=tips1k) t20 = [protocol.load_labware('opentrons_96_filtertiprack_20ul', '6')] m20 = protocol.load_instrument('p20_multi_gen2', 'left', tip_racks=t20) if PK_ADD: al_block = protocol.load_labware( 'opentrons_96_aluminumblock_generic_pcr_strip_200ul', '2') pk = al_block['A1'] num_cols = math.ceil(NUM_SAMPLES/8) dests_multi = dest_plate.rows()[0][:num_cols] # setup samples sources = [ well for rack in source_racks for well in rack.wells()][:NUM_SAMPLES] dest_total = NUM_SAMPLES + CTRL_SAMPLES dests_single = dest_plate.wells()[:dest_total] if CTRL_SAMPLES > 0: controls = protocol.load_labware( 'opentrons_24_aluminumblock_nest_1.5ml_snapcap', '11') for well in controls.wells()[:CTRL_SAMPLES]: sources.append(well) """sources = sources[:-2] sources.append(controls['A1']) # positive control sources.append(controls['B1']) # negative control""" tip_log = {'count': {}} folder_path = '/data/A' tip_file_path = folder_path + '/tip_log_slp005v2.json' if TIP_TRACK and not protocol.is_simulating(): if os.path.isfile(tip_file_path): with open(tip_file_path) as json_file: data = json.load(json_file) if 'tips1000' in data: tip_log['count'][p1000] = data['tips1000'] else: tip_log['count'][p1000] = 0 if 'tips20' in data: tip_log['count'][m20] = data['tips20'] else: tip_log['count'][m20] = 0 else: tip_log['count'] = {p1000: 0, m20: 0} tip_log['tips'] = { p1000: [tip for rack in tips1k for tip in rack.wells()], m20: [tip for rack in t20 for tip in rack.rows()[0]] } tip_log['max'] = { pip: len(tip_log['tips'][pip]) for pip in [p1000, m20] } def pick_up(pip): nonlocal tip_log if tip_log['count'][pip] == tip_log['max'][pip]: protocol.pause('Replace ' + str(pip.max_volume) + 'µl tipracks before \ resuming.') pip.reset_tipracks() tip_log['count'][pip] = 0 pip.pick_up_tip(tip_log['tips'][pip][tip_log['count'][pip]]) tip_log['count'][pip] += 1 # transfer sample protocol.comment("Adding samples to destination plate...") for s, d in zip(sources, dests_single): pick_up(p1000) p1000.transfer(SAMPLE_VOLUME, s.bottom(5), d.bottom(5), air_gap=100, new_tip='never') p1000.air_gap(100) p1000.drop_tip() # add PK if done in this step if PK_ADD: protocol.comment("Adding PK to samples...") for d in dests_multi: pick_up(m20) m20.transfer(20, pk, d, new_tip='never') m20.mix(5, 20, d) m20.blow_out() m20.drop_tip() protocol.comment("Protocol complete!") # track final used tip if TIP_TRACK and not protocol.is_simulating(): if not os.path.isdir(folder_path): os.mkdir(folder_path) data = { 'tips1000': tip_log['count'][p1000], 'tips20': tip_log['count'][m20] } with open(tip_file_path, 'w') as outfile: json.dump(data, outfile)
module.exports = [ { text: '指南', link: '/guide/' }, { text: 'API文档', link: '/apidocs/' }, { text: '捐赠', link: '/donate/' }, { text: '资源', items: [ { text: '后台前端解决方案', items: [ {text: 'admin-element-vue', link: 'http://admin-element-vue.liqingsong.cc'}, {text: 'admin-antd-vue', link: 'http://admin-antd-vue.liqingsong.cc'}, {text: 'admin-antd-react', link: 'http://admin-antd-react.liqingsong.cc'}, {text: 'electron-admin-element-vue', link: 'http://admin-element-vue.liqingsong.cc/tsv2/guide/senior/electron.html'}, {text: 'electron-admin-antd-vue', link: 'http://admin-antd-vue.liqingsong.cc/guide/senior/electron.html'}, {text: 'electron-admin-antd-react', link: 'http://admin-antd-react.liqingsong.cc/guide/senior/electron.html'}, ] }, { text: '前台模板前端模块化方案', items: [ {text: 'webpack-website', link: 'http://webpack-website.liqingsong.cc'}, ] }, ] }, { text: 'GitHub', items: [ { text: 'lqsBlog', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog'}, ] }, { text: 'lqsblog-frontend-nuxt', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-frontend-nuxt'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-frontend-nuxt'}, ] }, { text: 'lqsblog-frontend-nextjs', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-frontend-nextjs'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-frontend-nextjs'}, ] }, { text: 'lqsblog-frontend-uniapp', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-frontend-uniapp'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-frontend-uniapp'}, ] }, { text: 'lqsblog-frontend-admin-vue', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-frontend-admin-vue'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-frontend-admin-vue'}, ] }, { text: 'lqsblog-frontend-ant-design-pro-react', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-frontend-ant-design-pro-react'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-frontend-ant-design-pro-react'}, ] }, { text: 'lqsblog-backend-java-springboot', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-backend-java-springboot'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-backend-java-springboot'}, ] }, { text: 'lqsblog-backend-nodejs-eggjs', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-backend-nodejs-eggjs'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-backend-nodejs-eggjs'}, ] }, { text: 'lqsblog-backend-php-thinkphp', items: [ {text: 'Github', link: 'https://github.com/lqsong/lqsblog-backend-php-thinkphp'}, {text: 'Gitee', link: 'https://gitee.com/lqsong/lqsblog-backend-php-thinkphp'}, ] } ] }, { text: '官网', link: 'http://liqingsong.cc' } ]
(function (root, factory) { if (typeof define === 'function' && define.amd) { define([], factory(root)); } else if (typeof exports === 'object') { module.exports = factory(root); } else { root.smoothScroll = factory(root); } })(typeof global !== 'undefined' ? global : this.window || this.global, function (root) { 'use strict'; var smoothScroll = {}; var supports = !!root.document.querySelector && !!root.addEventListener; var settings, eventTimeout, fixedHeader, headerHeight; var defaults = { speed: 500, easing: 'easeInOutCubic', offset: 0, updateURL: true, callback: function () { } }; var extend = function () { var extended = {}; var deep = false; var i = 0; var length = arguments.length; if (Object.prototype.toString.call(arguments[0]) === '[object Boolean]') { deep = arguments[0]; i++; } var merge = function (obj) { for (var prop in obj) { if (Object.prototype.hasOwnProperty.call(obj, prop)) { if (deep && Object.prototype.toString.call(obj[prop]) === '[object Object]') { extended[prop] = extend(true, extended[prop], obj[prop]); } else { extended[prop] = obj[prop]; } } } }; for (; i < length; i++) { var obj = arguments[i]; merge(obj); } return extended; }; var getHeight = function (elem) { return Math.max(elem.scrollHeight, elem.offsetHeight, elem.clientHeight); }; var getClosest = function (elem, selector) { var firstChar = selector.charAt(0); var supports = 'classList' in document.documentElement; var attribute, value; if (firstChar === '[') { selector = selector.substr(1, selector.length - 2); attribute = selector.split('='); if (attribute.length > 1) { value = true; attribute[1] = attribute[1].replace(/"/g, '').replace(/'/g, ''); } } for (; elem && elem !== document; elem = elem.parentNode) { if (firstChar === '.') { if (supports) { if (elem.classList.contains(selector.substr(1))) { return elem; } } else { if (new RegExp('(^|\\s)' + selector.substr(1) + '(\\s|$)').test(elem.className)) { return elem; } } } if (firstChar === '#') { if (elem.id === selector.substr(1)) { return elem; } } if (firstChar === '[') { if (elem.hasAttribute(attribute[0])) { if (value) { if (elem.getAttribute(attribute[0]) === attribute[1]) { return elem; } } else { return elem; } } } if (elem.tagName.toLowerCase() === selector) { return elem; } } return null; }; var escapeCharacters = function (id) { var string = String(id); var length = string.length; var index = -1; var codeUnit; var result = ''; var firstCodeUnit = string.charCodeAt(0); while (++index < length) { codeUnit = string.charCodeAt(index); if (codeUnit === 0x0000) { throw new InvalidCharacterError('Invalid character: the input contains U+0000.'); } if ((codeUnit >= 0x0001 && codeUnit <= 0x001F) || codeUnit == 0x007F || (index === 0 && codeUnit >= 0x0030 && codeUnit <= 0x0039) || (index === 1 && codeUnit >= 0x0030 && codeUnit <= 0x0039 && firstCodeUnit === 0x002D)) { result += '\\' + codeUnit.toString(16) + ' '; continue; } if (codeUnit >= 0x0080 || codeUnit === 0x002D || codeUnit === 0x005F || codeUnit >= 0x0030 && codeUnit <= 0x0039 || codeUnit >= 0x0041 && codeUnit <= 0x005A || codeUnit >= 0x0061 && codeUnit <= 0x007A) { result += string.charAt(index); continue; } result += '\\' + string.charAt(index); } return result; }; var easingPattern = function (type, time) { var pattern; if (type === 'easeInQuad') pattern = time * time; if (type === 'easeOutQuad') pattern = time * (2 - time); if (type === 'easeInOutQuad') pattern = time < 0.5 ? 2 * time * time : -1 + (4 - 2 * time) * time; if (type === 'easeInCubic') pattern = time * time * time; if (type === 'easeOutCubic') pattern = (--time) * time * time + 1; if (type === 'easeInOutCubic') pattern = time < 0.5 ? 4 * time * time * time : (time - 1) * (2 * time - 2) * (2 * time - 2) + 1; if (type === 'easeInQuart') pattern = time * time * time * time; if (type === 'easeOutQuart') pattern = 1 - (--time) * time * time * time; if (type === 'easeInOutQuart') pattern = time < 0.5 ? 8 * time * time * time * time : 1 - 8 * (--time) * time * time * time; if (type === 'easeInQuint') pattern = time * time * time * time * time; if (type === 'easeOutQuint') pattern = 1 + (--time) * time * time * time * time; if (type === 'easeInOutQuint') pattern = time < 0.5 ? 16 * time * time * time * time * time : 1 + 16 * (--time) * time * time * time * time; return pattern || time; }; var getEndLocation = function (anchor, headerHeight, offset) { var location = 0; if (anchor.offsetParent) { do { location += anchor.offsetTop; anchor = anchor.offsetParent; } while (anchor); } location = location - headerHeight - offset; return location >= 0 ? location : 0; }; var getDocumentHeight = function () { return Math.max(root.document.body.scrollHeight, root.document.documentElement.scrollHeight, root.document.body.offsetHeight, root.document.documentElement.offsetHeight, root.document.body.clientHeight, root.document.documentElement.clientHeight); }; var getDataOptions = function (options) { return !options || !(typeof JSON === 'object' && typeof JSON.parse === 'function') ? {} : JSON.parse(options); }; var updateUrl = function (anchor, url) { if (root.history.pushState && (url || url === 'true')) { root.history.pushState(null, null, [root.location.protocol, '//', root.location.host, root.location.pathname, root.location.search, anchor].join('')); } }; var getHeaderHeight = function (header) { return header === null ? 0 : (getHeight(header) + header.offsetTop); }; smoothScroll.animateScroll = function (toggle, anchor, options) { var overrides = getDataOptions(toggle ? toggle.getAttribute('data-options') : null); var settings = extend(settings || defaults, options || {}, overrides); anchor = '#' + escapeCharacters(anchor.substr(1)); var anchorElem = anchor === '#' ? root.document.documentElement : root.document.querySelector(anchor); var startLocation = root.pageYOffset; if (!fixedHeader) { fixedHeader = root.document.querySelector('[data-scroll-header]'); } if (!headerHeight) { headerHeight = getHeaderHeight(fixedHeader); } var wasSticky = $("header").hasClass("sticky"); var endLocation = getEndLocation(anchorElem, headerHeight, parseInt(settings.offset, 10)); if (!$(toggle).hasClass("inline-scroll")) { if (!wasSticky) { if ($(".showhide").is(":visible")) endLocation -= 40; else endLocation -= 100; } } var animationInterval; var distance = endLocation - startLocation; var documentHeight = getDocumentHeight(); var timeLapsed = 0; var percentage, position; updateUrl(anchor, settings.updateURL); var stopAnimateScroll = function (position, endLocation, animationInterval) { var currentLocation = root.pageYOffset; if (position == endLocation || currentLocation == endLocation || ((root.innerHeight + currentLocation) >= documentHeight)) { clearInterval(animationInterval); anchorElem.focus(); settings.callback(toggle, anchor); } }; var loopAnimateScroll = function () { timeLapsed += 16; percentage = (timeLapsed / parseInt(settings.speed, 10)); percentage = (percentage > 1) ? 1 : percentage; position = startLocation + (distance * easingPattern(settings.easing, percentage)); root.scrollTo(0, Math.floor(position)); stopAnimateScroll(position, endLocation, animationInterval); }; var startAnimateScroll = function () { animationInterval = setInterval(loopAnimateScroll, 16); }; if (root.pageYOffset === 0) { root.scrollTo(0, 0); } startAnimateScroll(); }; var eventHandler = function (event) { var toggle = getClosest(event.target, '[data-scroll]'); if (toggle && toggle.tagName.toLowerCase() === 'a') { event.preventDefault(); smoothScroll.animateScroll(toggle, toggle.hash, settings); } }; var eventThrottler = function (event) { if (!eventTimeout) { eventTimeout = setTimeout(function () { eventTimeout = null; headerHeight = getHeaderHeight(fixedHeader); }, 66); } }; smoothScroll.destroy = function () { if (!settings) return; root.document.removeEventListener('click', eventHandler, false); root.removeEventListener('resize', eventThrottler, false); settings = null; eventTimeout = null; fixedHeader = null; headerHeight = null; }; smoothScroll.init = function (options) { if (!supports) return; smoothScroll.destroy(); settings = extend(defaults, options || {}); fixedHeader = root.document.querySelector('[data-scroll-header]'); headerHeight = getHeaderHeight(fixedHeader); root.document.addEventListener('click', eventHandler, false); if (fixedHeader) { root.addEventListener('resize', eventThrottler, false); } }; return smoothScroll; });
define([],function(){ return { props:['config'], setup(props,ctx){ const value=Vue.ref(''); const onParentSearch=function (){ let val=props.config.activeValue||''; if(props.config.isMore){ if(typeof val==='number'){ val=val.toString(); } if(val===''){ val=[]; }else if(typeof val==='string'){ val=props.config.activeValue.split(',') } } value.value=val; }; onParentSearch(); return { value, onParentSearch } }, methods: { val(val){ if(!this.config.isMore){ this.value=val.toString(); this.$emit('search',val); return; } if(val===''){ this.value=[]; this.$emit('search',[]); return; } if(this.value.includes(val)){ this.value=this.value.filter(v=>v!==val); }else{ this.value.push(val.toString()); } this.$emit('search',this.value); }, isActive(val){ if(!this.config.isMore){ return this.value===val; } if(val===''){ return this.value.length===0; } return this.value.includes(val); }, }, template:`<div> <div class="filter-item-check-item" @click="val('')" :class="{active:isActive('')}"><div class="filter-item-check-item-value">全部</div></div> <div v-for="(vo,key) in config.items" class="filter-item-check-item" @click="val(vo.value)" :class="{active:isActive(vo.value)}"><div class="filter-item-check-item-value">{{vo.title}}</div></div> </div>`, } });
# -*- coding: utf-8 -*- # Copyright (c) 2010 Ralf Habacker <[email protected]> # Copyright Hannah von Reth <[email protected]> # # Redistribution and use in source and binary forms, with or without # modification, are permitted provided that the following conditions # are met: # 1. Redistributions of source code must retain the above copyright # notice, this list of conditions and the following disclaimer. # 2. Redistributions in binary form must reproduce the above copyright # notice, this list of conditions and the following disclaimer in the # documentation and/or other materials provided with the distribution. # # THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND # ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE # IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE # ARE DISCLAIMED. IN NO EVENT SHALL THE REGENTS OR CONTRIBUTORS BE LIABLE # FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL # DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS # OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) # HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT # LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY # OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF # SUCH DAMAGE. # # creates a 7z archive from the whole content of the package image # directory or optional from a sub directory of the image directory # This packager is in an experimental state - the implementation # and features may change in further versions import json import subprocess from Packager.PackagerBase import * from Utils import CraftHash from CraftOS.osutils import OsUtils class SevenZipPackager(PackagerBase): """Packager using the 7za command line tool from the dev-utils/7zip package""" @InitGuard.init_once def __init__(self): PackagerBase.__init__(self) def _compress(self, archiveName, sourceDir, destDir, createDigests=True) -> bool: archive = os.path.join(destDir, archiveName) if not utils.compress(archive, sourceDir): return False if createDigests: if not CraftCore.settings.getboolean("Packager", "CreateCache"): self._generateManifest(destDir, archiveName) CraftHash.createDigestFiles(archive) else: if CraftCore.settings.getboolean("ContinuousIntegration", "UpdateRepository", False): manifestUrls = [self.cacheRepositoryUrls()[0]] else: manifestUrls = None self._generateManifest(destDir, archiveName, manifestLocation=self.cacheLocation(), manifestUrls=manifestUrls) return True def createPackage(self): """create 7z package with digest files located in the manifest subdir""" cacheMode = CraftCore.settings.getboolean("Packager", "CreateCache", False) if cacheMode: if self.subinfo.options.package.disableBinaryCache: return True dstpath = self.cacheLocation() else: dstpath = self.packageDestinationDir() extention = CraftCore.settings.get("Packager", "7ZipArchiveType", "7z") if extention == "7z" and CraftCore.compiler.isUnix: if self.package.path == "dev-utils/7zip" or not CraftCore.cache.findApplication("7za"): extention = "tar.xz" else: extention = "tar.7z" if not self._compress(self.binaryArchiveName(fileType=extention, includePackagePath=cacheMode, includeTimeStamp=cacheMode), self.imageDir(), dstpath): return False if not self.subinfo.options.package.packSources and CraftCore.settings.getboolean("Packager", "PackageSrc", "True"): return self._compress(self.binaryArchiveName("-src", fileType=extention, includePackagePath=cacheMode, includeTimeStamp=cacheMode), self.sourceDir(), dstpath) return True
""" Cisco_IOS_XR_infra_rmf_oper This module contains a collection of YANG definitions for Cisco IOS\-XR infra\-rmf package operational data. This module contains definitions for the following management objects\: redundancy\: Redundancy show information Copyright (c) 2013\-2016 by Cisco Systems, Inc. All rights reserved. """ import re import collections from enum import Enum from ydk.types import Empty, YList, YLeafList, DELETE, Decimal64, FixedBitsDict from ydk.errors import YPYError, YPYModelError class Redundancy(object): """ Redundancy show information .. attribute:: nodes Location show information **type**\: :py:class:`Nodes <ydk.models.cisco_ios_xr.Cisco_IOS_XR_infra_rmf_oper.Redundancy.Nodes>` .. attribute:: summary Redundancy Summary of Nodes **type**\: :py:class:`Summary <ydk.models.cisco_ios_xr.Cisco_IOS_XR_infra_rmf_oper.Redundancy.Summary>` """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.nodes = Redundancy.Nodes() self.nodes.parent = self self.summary = Redundancy.Summary() self.summary.parent = self class Nodes(object): """ Location show information .. attribute:: node Redundancy Node Information **type**\: list of :py:class:`Node <ydk.models.cisco_ios_xr.Cisco_IOS_XR_infra_rmf_oper.Redundancy.Nodes.Node>` """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.parent = None self.node = YList() self.node.parent = self self.node.name = 'node' class Node(object): """ Redundancy Node Information .. attribute:: node_id <key> Node Location **type**\: str **pattern:** ([a\-zA\-Z0\-9\_]\*\\d+/){1,2}([a\-zA\-Z0\-9\_]\*\\d+) .. attribute:: active_reboot_reason Active node reload **type**\: str .. attribute:: err_log Error Log **type**\: str .. attribute:: log Reload and boot logs **type**\: str .. attribute:: redundancy Row information **type**\: :py:class:`Redundancy_ <ydk.models.cisco_ios_xr.Cisco_IOS_XR_infra_rmf_oper.Redundancy.Nodes.Node.Redundancy_>` .. attribute:: standby_reboot_reason Standby node reload **type**\: str """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.parent = None self.node_id = None self.active_reboot_reason = None self.err_log = None self.log = None self.redundancy = Redundancy.Nodes.Node.Redundancy_() self.redundancy.parent = self self.standby_reboot_reason = None class Redundancy_(object): """ Row information .. attribute:: active Active node name R/S/I **type**\: str .. attribute:: groupinfo groupinfo **type**\: list of :py:class:`Groupinfo <ydk.models.cisco_ios_xr.Cisco_IOS_XR_infra_rmf_oper.Redundancy.Nodes.Node.Redundancy_.Groupinfo>` .. attribute:: ha_state High Availability state Ready/Not Ready **type**\: str .. attribute:: nsr_state NSR state Configured/Not Configured **type**\: str .. attribute:: standby Standby node name R/S/I **type**\: str """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.parent = None self.active = None self.groupinfo = YList() self.groupinfo.parent = self self.groupinfo.name = 'groupinfo' self.ha_state = None self.nsr_state = None self.standby = None class Groupinfo(object): """ groupinfo .. attribute:: active Active **type**\: str .. attribute:: ha_state HAState **type**\: str .. attribute:: nsr_state NSRState **type**\: str .. attribute:: standby Standby **type**\: str """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.parent = None self.active = None self.ha_state = None self.nsr_state = None self.standby = None @property def _common_path(self): if self.parent is None: raise YPYModelError('parent is not set . Cannot derive path.') return self.parent._common_path +'/Cisco-IOS-XR-infra-rmf-oper:groupinfo' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.active is not None: return True if self.ha_state is not None: return True if self.nsr_state is not None: return True if self.standby is not None: return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy.Nodes.Node.Redundancy_.Groupinfo']['meta_info'] @property def _common_path(self): if self.parent is None: raise YPYModelError('parent is not set . Cannot derive path.') return self.parent._common_path +'/Cisco-IOS-XR-infra-rmf-oper:redundancy' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.active is not None: return True if self.groupinfo is not None: for child_ref in self.groupinfo: if child_ref._has_data(): return True if self.ha_state is not None: return True if self.nsr_state is not None: return True if self.standby is not None: return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy.Nodes.Node.Redundancy_']['meta_info'] @property def _common_path(self): if self.node_id is None: raise YPYModelError('Key property node_id is None') return '/Cisco-IOS-XR-infra-rmf-oper:redundancy/Cisco-IOS-XR-infra-rmf-oper:nodes/Cisco-IOS-XR-infra-rmf-oper:node[Cisco-IOS-XR-infra-rmf-oper:node-id = ' + str(self.node_id) + ']' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.node_id is not None: return True if self.active_reboot_reason is not None: return True if self.err_log is not None: return True if self.log is not None: return True if self.redundancy is not None and self.redundancy._has_data(): return True if self.standby_reboot_reason is not None: return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy.Nodes.Node']['meta_info'] @property def _common_path(self): return '/Cisco-IOS-XR-infra-rmf-oper:redundancy/Cisco-IOS-XR-infra-rmf-oper:nodes' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.node is not None: for child_ref in self.node: if child_ref._has_data(): return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy.Nodes']['meta_info'] class Summary(object): """ Redundancy Summary of Nodes .. attribute:: err_log Error Log **type**\: str .. attribute:: red_pair Redundancy Pair **type**\: list of :py:class:`RedPair <ydk.models.cisco_ios_xr.Cisco_IOS_XR_infra_rmf_oper.Redundancy.Summary.RedPair>` """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.parent = None self.err_log = None self.red_pair = YList() self.red_pair.parent = self self.red_pair.name = 'red_pair' class RedPair(object): """ Redundancy Pair .. attribute:: active Active node name R/S/I **type**\: str .. attribute:: groupinfo groupinfo **type**\: list of :py:class:`Groupinfo <ydk.models.cisco_ios_xr.Cisco_IOS_XR_infra_rmf_oper.Redundancy.Summary.RedPair.Groupinfo>` .. attribute:: ha_state High Availability state Ready/Not Ready **type**\: str .. attribute:: nsr_state NSR state Configured/Not Configured **type**\: str .. attribute:: standby Standby node name R/S/I **type**\: str """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.parent = None self.active = None self.groupinfo = YList() self.groupinfo.parent = self self.groupinfo.name = 'groupinfo' self.ha_state = None self.nsr_state = None self.standby = None class Groupinfo(object): """ groupinfo .. attribute:: active Active **type**\: str .. attribute:: ha_state HAState **type**\: str .. attribute:: nsr_state NSRState **type**\: str .. attribute:: standby Standby **type**\: str """ _prefix = 'infra-rmf-oper' _revision = '2015-11-09' def __init__(self): self.parent = None self.active = None self.ha_state = None self.nsr_state = None self.standby = None @property def _common_path(self): return '/Cisco-IOS-XR-infra-rmf-oper:redundancy/Cisco-IOS-XR-infra-rmf-oper:summary/Cisco-IOS-XR-infra-rmf-oper:red-pair/Cisco-IOS-XR-infra-rmf-oper:groupinfo' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.active is not None: return True if self.ha_state is not None: return True if self.nsr_state is not None: return True if self.standby is not None: return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy.Summary.RedPair.Groupinfo']['meta_info'] @property def _common_path(self): return '/Cisco-IOS-XR-infra-rmf-oper:redundancy/Cisco-IOS-XR-infra-rmf-oper:summary/Cisco-IOS-XR-infra-rmf-oper:red-pair' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.active is not None: return True if self.groupinfo is not None: for child_ref in self.groupinfo: if child_ref._has_data(): return True if self.ha_state is not None: return True if self.nsr_state is not None: return True if self.standby is not None: return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy.Summary.RedPair']['meta_info'] @property def _common_path(self): return '/Cisco-IOS-XR-infra-rmf-oper:redundancy/Cisco-IOS-XR-infra-rmf-oper:summary' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.err_log is not None: return True if self.red_pair is not None: for child_ref in self.red_pair: if child_ref._has_data(): return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy.Summary']['meta_info'] @property def _common_path(self): return '/Cisco-IOS-XR-infra-rmf-oper:redundancy' def is_config(self): ''' Returns True if this instance represents config data else returns False ''' return False def _has_data(self): if not self.is_config(): return False if self.nodes is not None and self.nodes._has_data(): return True if self.summary is not None and self.summary._has_data(): return True return False @staticmethod def _meta_info(): from ydk.models.cisco_ios_xr._meta import _Cisco_IOS_XR_infra_rmf_oper as meta return meta._meta_table['Redundancy']['meta_info']
import Header from '../components/admin/Header' import Footer from '../components/admin/Footer' import React, {useState} from 'react' import {connect} from 'react-redux'; import AdminCabinet from '../components/admin/AdminCabinet'; function mapStateToProps(state) { return {adminReducer:state.adminReducer} } const AdminMain = ({adminReducer}) => { const [active,setActive] = useState('info') return( <div> <Header /> <main role="main"> <section class="panel important"> <div className='d-flex mb-3'> <button onClick = {() => setActive('info')} className={active==='info' ? 'btn btn-secondary mr-2' : 'btn btn-dark mr-2' }>Личные данные</button> <button onClick = {() => setActive('password')} className={active==='password' ? 'btn btn-secondary mr-2' : 'btn btn-dark mr-2' }>Изменить пароль</button> </div> {adminReducer.authenticatingUser ? <div>Загрузка..</div> : <AdminCabinet active={active} user={adminReducer.user}/> } </section> </main> <Footer /> </div> ) } export default connect(mapStateToProps)(AdminMain)
const flashData = $('.flash-data').data('flashdata'); if (flashData) { Swal.fire({ title: 'Berhasil', text: flashData, icon: 'success' }); } //tombol hapus // $('.tombol-hapus').on('click', function (e) { // e.preventDefault(); // const href = $(this).attr('href'); // Swal.fire({ // title: 'Are you sure?', // text: "You won't be able to revert this!", // type: 'warning', // showCancelButton: true, // confirmButtonColor: '#3085d6', // cancelButtonColor: '#d33', // confirmButtonText: 'Yes, delete it!' // }).then((result) => { // if (result.isConfirmed) { // document.location.href = href; // } // }) // });
'use strict'; //Elements from the DOM var playerForm = document.getElementById('playernameform'); var playMessage = document.getElementById('gogame'); var playerNameSection = document.getElementById('player-name-section'); var goToGame = document.getElementById('gotogame'); //button hides rules until presssed function buttonFunction() { var x = document.getElementById('rules'); if (x.style.display === 'none') { x.style.display = 'block'; } else { x.style.display = 'none'; } } // event handler for player to submit name function handleSubmit(event) { event.preventDefault(); var playerName = event.target.name.value; playerName = playerName.toLowerCase(); // hides player name entry form playerNameSection.style.display = 'none'; // exposes button that takes player to the game goToGame.style.display = 'block'; playMessage.textContent = `${playerName}, Let's Play!`; // stores player name to local storage var stringifiedPlayerName = JSON.stringify(playerName); localStorage.setItem('playerName', stringifiedPlayerName); // console.log(stringifiedPlayerName); // clears name from form after player hits submit document.getElementById('playernameform').reset(); } // event listener playerForm.addEventListener('submit', handleSubmit);
import re import datetime from django.utils.encoding import python_2_unicode_compatible coversion_specification_re = re.compile( "(?P<spec>%(?P<flag>[-_0^#]?)(?P<width>[0-9]*)(?P<type>[bBmyY]))" ) def _format_to_re(fmt): output = [datetime.date(2001, i, 1).strftime(fmt) for i in range(1, 13)] return "(?P<%s>%s)" % (fmt[1], "|".join(output)) @python_2_unicode_compatible class TwoFieldDate(object): def __init__(self, year, month): try: year = int(year) except ValueError: raise ValueError("year must be an integer") self._year = year try: month = int(month) except ValueError: raise ValueError("month must be an integer") if month < 1 or month > 12: raise ValueError("month must be in 1..12") self._month = month @property def year(self): return self._year @property def month(self): return self._month @staticmethod def _get_month(data): if "m" in data: return int(data['m']) elif "b" in data: return datetime.datetime.strptime(data['b'], "%b").month elif "B" in data: return datetime.datetime.strptime(data['B'], "%B").month else: raise ValueError('month not specified') @staticmethod def _get_year(data): if "Y" in data: return int(data["Y"]) elif "y" in data: return datetime.datetime.strptime(data["y"], "%y").year else: raise ValueError("year not specified") @staticmethod def _build_re(format): _b_months_re = _format_to_re("%b") _B_months_re = _format_to_re("%B") parts = format.split("%%") converted_parts = list() for part in parts: r = part.replace("%b", _b_months_re, 1) r = r.replace("%B", _B_months_re, 1) r = r.replace("%m", "(?P<m>[0 ]?[1-9]|1[0-2])", 1) r = r.replace("%y", "(?P<y>[0-9]{2})", 1) r = r.replace("%Y", "(?P<Y>[0-9]{4})", 1) match = re.search("%(.)", r) if match: c = match.group(1) if c in "yYbBm": msg = '"%s" directive is repeated format string "%s"' else: msg = '"%s" is a bad directive in format string "%s"' raise ValueError(msg % (c, format)) converted_parts.append(r) return "^%s$" % "%".join(converted_parts) @classmethod def parse(cls, date_string, format): match = re.match( cls._build_re(format), date_string, flags=re.IGNORECASE ) if match: data = match.groupdict() return TwoFieldDate(cls._get_year(data), cls._get_month(data)) else: args = (date_string, format) raise ValueError( 'two field date data "%s" does not match format "%s"' % args ) def format(self, fmt_str): date = datetime.date(self.year, self.month, 1) def replace(match): return date.strftime(match.group('spec')) def convert(part): return coversion_specification_re.sub(replace, part) parts = fmt_str.split("%%") converted_parts = [convert(p) for p in parts] return "%".join(converted_parts) def __eq__(self, other): return ( isinstance(other, TwoFieldDate) and other.month == self.month and other.year == self.year ) def __gt__(self, other): if not isinstance(other, TwoFieldDate): c = other.__class__ raise TypeError("unorderable types: TwoFieldDate > %s" % c) else: return ( self.year > other.year or self.year == other.year and self.month > other.month ) def __ne__(self, other): return not (self == other) def __ge__(self, other): if not isinstance(other, TwoFieldDate): c = other.__class__ raise TypeError("unorderable types: TwoFieldDate >= %s" % c) else: return self > other or self == other def __lt__(self, other): if not isinstance(other, TwoFieldDate): c = other.__class__ raise TypeError("unorderable types: TwoFieldDate <= %s" % c) else: return not (self >= other) def __le__(self, other): if not isinstance(other, TwoFieldDate): c = other.__class__ raise TypeError("unorderable types: TwoFieldDate < %s" % c) else: return not (self > other) def __hash__(self): return hash('%d%02d' % (self.year, self.month)) def __str__(self): return "%s-%s" % (self.year, self.month)
import ons from 'onsenui'; ons.ready(function(){ // new Vue() should be called after ons.ready. // Otherwise something will be broken. new Vue({ el: '#app', template: ` <div> <span id="is-mounted"></span> <h2>No attributes</h2> <v-ons-input id="no-attributes"></v-ons-input><br> <h2>Props</h2> <h3>type</h3> <!-- listed in https://developers.whatwg.org/the-input-element.html --> <v-ons-input type="hidden"></v-ons-input> type="hidden"<br> <v-ons-input type="text"></v-ons-input> type="text"<br> <v-ons-input type="search"></v-ons-input> type="search"<br> <v-ons-input type="tel"></v-ons-input> type="tel"<br> <v-ons-input type="url"></v-ons-input> type="url"<br> <v-ons-input type="email"></v-ons-input> type="email"<br> <v-ons-input type="password"></v-ons-input> type="password"<br> <v-ons-input type="datetime"></v-ons-input> type="datetime"<br> <v-ons-input type="date"></v-ons-input> type="date"<br> <v-ons-input type="month"></v-ons-input> type="month"<br> <v-ons-input type="week"></v-ons-input> type="week"<br> <v-ons-input type="time"></v-ons-input> type="time"<br> <v-ons-input type="datetime-local"></v-ons-input> type="datetime-local"<br> <v-ons-input type="number"></v-ons-input> type="number"<br> <v-ons-input type="range"></v-ons-input> type="range"<br> <v-ons-input type="color"></v-ons-input> type="color"<br> <v-ons-input type="file"></v-ons-input> type="file"<br> <v-ons-input type="submit"></v-ons-input> type="submit"<br> <v-ons-input type="image"></v-ons-input> type="image"<br> <v-ons-input type="reset"></v-ons-input> type="reset"<br> <v-ons-input type="button"></v-ons-input> type="button"<br> <h3>value</h3> <v-ons-input type="hidden" value="hoge"></v-ons-input><br> <v-ons-input type="text" value="hoge"></v-ons-input><br> <v-ons-input type="search" value="hoge"></v-ons-input><br> <v-ons-input type="tel" value="hoge"></v-ons-input><br> <v-ons-input type="url" value="hoge"></v-ons-input><br> <v-ons-input type="email" value="hoge"></v-ons-input><br> <v-ons-input type="password" value="hoge"></v-ons-input><br> <v-ons-input type="datetime" value="hoge"></v-ons-input><br> <v-ons-input type="date" value="hoge"></v-ons-input><br> <v-ons-input type="month" value="hoge"></v-ons-input><br> <v-ons-input type="week" value="hoge"></v-ons-input><br> <v-ons-input type="time" value="hoge"></v-ons-input><br> <v-ons-input type="datetime-local" value="hoge"></v-ons-input><br> <v-ons-input type="number" value="hoge"></v-ons-input><br> <v-ons-input type="range" value="hoge"></v-ons-input><br> <v-ons-input type="color" value="hoge"></v-ons-input><br> <v-ons-input type="file" value="hoge"></v-ons-input><br> <v-ons-input type="submit" value="hoge"></v-ons-input><br> <v-ons-input type="image" value="hoge"></v-ons-input><br> <v-ons-input type="reset" value="hoge"></v-ons-input><br> <v-ons-input type="button" value="hoge"></v-ons-input><br> <h3>placeholder</h3> <v-ons-input type="hidden" placeholder="piyo"></v-ons-input><br> <v-ons-input type="text" placeholder="piyo"></v-ons-input><br> <v-ons-input type="search" placeholder="piyo"></v-ons-input><br> <v-ons-input type="tel" placeholder="piyo"></v-ons-input><br> <v-ons-input type="url" placeholder="piyo"></v-ons-input><br> <v-ons-input type="email" placeholder="piyo"></v-ons-input><br> <v-ons-input type="password" placeholder="piyo"></v-ons-input><br> <v-ons-input type="datetime" placeholder="piyo"></v-ons-input><br> <v-ons-input type="date" placeholder="piyo"></v-ons-input><br> <v-ons-input type="month" placeholder="piyo"></v-ons-input><br> <v-ons-input type="week" placeholder="piyo"></v-ons-input><br> <v-ons-input type="time" placeholder="piyo"></v-ons-input><br> <v-ons-input type="datetime-local" placeholder="piyo"></v-ons-input><br> <v-ons-input type="number" placeholder="piyo"></v-ons-input><br> <v-ons-input type="range" placeholder="piyo"></v-ons-input><br> <v-ons-input type="color" placeholder="piyo"></v-ons-input><br> <v-ons-input type="file" placeholder="piyo"></v-ons-input><br> <v-ons-input type="submit" placeholder="piyo"></v-ons-input><br> <v-ons-input type="image" placeholder="piyo"></v-ons-input><br> <v-ons-input type="reset" placeholder="piyo"></v-ons-input><br> <v-ons-input type="button" placeholder="piyo"></v-ons-input><br> <h3>float</h3> <v-ons-input type="hidden" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="text" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="search" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="tel" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="url" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="email" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="password" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="datetime" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="date" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="month" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="week" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="time" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="datetime-local" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="number" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="range" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="color" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="file" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="submit" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="image" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="reset" placeholder="piyo" float modifier="material"></v-ons-input><br> <v-ons-input type="button" placeholder="piyo" float modifier="material"></v-ons-input><br> <h3>input-id</h3> <label for="foo">Label: <label><v-ons-input type="text" input-id="foo"></v-ons-input><br> <h2>Events</h2> <h3>click</h3> <v-ons-input type="button" value="push me" @click="onClick()"></v-ons-input><br> <h2>Two-way data binding</h2> <v-ons-input type="hidden" v-model="hiddenValue"></v-ons-input> {{hiddenValue}}<br> <v-ons-input type="text" v-model="textValue"></v-ons-input> {{textValue}}<br> <v-ons-input type="search" v-model="searchValue"></v-ons-input> {{searchValue}}<br> <v-ons-input type="tel" v-model="telValue"></v-ons-input> {{telValue}}<br> <v-ons-input type="url" v-model="urlValue"></v-ons-input> {{urlValue}}<br> <v-ons-input type="email" v-model="emailValue"></v-ons-input> {{emailValue}}<br> <v-ons-input type="password" v-model="passwordValue"></v-ons-input> {{passwordValue}}<br> <v-ons-input type="datetime" v-model="datetimeValue"></v-ons-input> {{datetimeValue}}<br> <v-ons-input type="date" v-model="dateValue"></v-ons-input> {{dateValue}}<br> <v-ons-input type="month" v-model="monthValue"></v-ons-input> {{monthValue}}<br> <v-ons-input type="week" v-model="weekValue"></v-ons-input> {{weekValue}}<br> <v-ons-input type="time" v-model="timeValue"></v-ons-input> {{timeValue}}<br> <v-ons-input type="datetime-local" v-model="datetimeLocalValue"></v-ons-input> {{datetimeLocalValue}}<br> <v-ons-input type="number" v-model="numberValue"></v-ons-input> {{numberValue}}<br> <v-ons-input type="range" v-model="rangeValue"></v-ons-input> {{rangeValue}}<br> <v-ons-input type="color" v-model="colorValue"></v-ons-input> {{colorValue}}<br> <!-- Vue.js blocks use of v-model directive in <input type="file"> --> <!--<v-ons-input type="file" v-model="fileValue"></v-ons-input> {{fileValue}}<br>--> <v-ons-input type="submit" v-model="submitValue"></v-ons-input> {{submitValue}}<br> <v-ons-input type="image" v-model="imageValue"></v-ons-input> {{imageValue}}<br> <v-ons-input type="reset" v-model="resetValue"></v-ons-input> {{resetValue}}<br> <v-ons-input type="button" v-model="buttonValue"></v-ons-input> {{buttonValue}}<br> </div> `, data: { hiddenValue: null, textValue: null, searchValue: null, telValue: null, urlValue: null, emailValue: null, passwordValue: null, datetimeValue: null, dateValue: null, monthValue: null, weekValue: null, timeValue: null, datetimeLocalValue: null, numberValue: null, rangeValue: null, colorValue: '#ffffff', // Suppress warning from <input type="color"> fileValue: null, submitValue: null, imageValue: null, resetValue: null, buttonValue: null, }, methods: { onClick() { alert('clicked'); } } }); });
const JSONAPISerializer = require('jsonapi-serializer').Serializer const UserSerializer = new JSONAPISerializer('users', { nullIfMissing: true, attributes: ['firstName', 'lastName', 'author'], dataLinks: { self: function (data) { console.log('links', data) return `/users/${data.id}` } }, author: { ref: 'id', // included: false, dataLinks: { self: function (data) { return `/users/${data.id}/authors` } }, attributes: ['name'] }, meta: function (extraOptions) { // An object or a function that describes top level meta. return { count: extraOptions.count, total: extraOptions.total } } // topLevelLinks: { // self: '/users' // } }) module.exports = UserSerializer var users = [{ id: 1, firstName: 'Sandro', lastName: 'Munda', password: 'secret', tag: 'hello', author: { id: 11, name: 'John Doe' } }, { id: 2, firstName: 'John', lastName: 'Doe', password: 'ultrasecret', tag: 'me', author: 'Paperpa' }] const jsonapi = serializer.serialize(users, { count: 10 })
'use strict' var bel = require('bel') var layout = require('../layouts/default') var createForm = require('../elements/createForm') var extend = require('extend-shallow') module.exports = function new_ (state) { state = extend({}, state, { title: state.pages.new.title, body: bel`<section> <h1>${state.pages.new.title}</h1> <p>${state.pages.new.descr}</p> ${createForm()}</section>` }) return bel`${layout(state)}` }
from setuptools import setup, find_packages with open('requirements.txt') as f: required = f.read().splitlines() setup( name='nlp2go', version='0.4.14', description='hosting nlp models for demo purpose', url='https://github.com/voidful/nlp2go', author='Voidful', author_email='[email protected]', long_description=open("README.md", encoding="utf8").read(), long_description_content_type="text/markdown", keywords='nlp tfkit classification generation tagging deep learning machine reading', packages=find_packages(), install_requires=required, entry_points={ 'console_scripts': ['nlp2go=nlp2go.main:main', 'nlp2go-preload=nlp2go.preload:main'] }, zip_safe=False, )
'use strict'; var MediaModel = require('./models/mediaModel.js'), PlayModel = require('./models/playModel.js'); var DubAPIError = require('./errors/error.js'), DubAPIRequestError = require('./errors/requestError.js'); var endpoints = require('./data/endpoints.js'), events = require('./data/events.js'), utils = require('./utils.js'); function ActionHandler(dubAPI, auth) { this.doLogin = doLogin.bind(dubAPI, auth); this.clearPlay = clearPlay.bind(dubAPI); this.updatePlay = updatePlay.bind(dubAPI); this.updateQueue = updateQueue.bind(dubAPI); this.updateQueueDebounce = utils.debounce(this.updateQueue, 5000); } function doLogin(auth, callback) { var that = this; this._.reqHandler.send({method: 'POST', url: endpoints.authDubtrack, form: auth}, function(code, body) { if ([200, 400].indexOf(code) === -1) { return callback(new DubAPIRequestError(code, that._.reqHandler.endpoint(endpoints.authDubtrack))); } else if (code === 400) { return callback(new DubAPIError('Authentication Failed: ' + body.data.details.message)); } callback(undefined); }); } function clearPlay() { clearTimeout(this._.room.playTimeout); var message = {type: events.roomPlaylistUpdate}; if (this._.room.play) { message.lastPlay = { id: this._.room.play.id, media: utils.clone(this._.room.play.media), user: utils.clone(this._.room.users.findWhere({id: this._.room.play.user})), score: this._.room.play.getScore() }; } this._.room.play = undefined; this._.room.users.set({dub: undefined}); this.emit('*', message); this.emit(events.roomPlaylistUpdate, message); } function updatePlay() { var that = this; clearTimeout(that._.room.playTimeout); that._.reqHandler.queue({method: 'GET', url: endpoints.roomPlaylistActive}, function(code, body) { if ([200, 404].indexOf(code) === -1) { that.emit('error', new DubAPIRequestError(code, that._.reqHandler.endpoint(endpoints.roomPlaylistActive))); return; } else if (code === 404) { that._.actHandler.clearPlay(); return; } if (body.data.song === undefined) { //Dubtrack API sometimes doesn't define a song. //Schedule an update in the future, maybe it will then. that._.room.playTimeout = setTimeout(that._.actHandler.updatePlay, 30000); return; } var message = {type: events.roomPlaylistUpdate}, newPlay = new PlayModel(body.data.song), curPlay = that._.room.play; if (curPlay && newPlay.id === curPlay.id) { if (Date.now() - newPlay.played > newPlay.songLength) that._.actHandler.clearPlay(); return; } newPlay.media = new MediaModel(body.data.songInfo); if (newPlay.media.type === undefined || newPlay.media.fkid === undefined) newPlay.media = undefined; message.raw = body.data; if (that._.room.play) { message.lastPlay = { id: curPlay.id, media: utils.clone(curPlay.media), user: utils.clone(that._.room.users.findWhere({id: curPlay.user})), score: curPlay.getScore() }; } message.id = newPlay.id; message.media = utils.clone(newPlay.media); message.user = utils.clone(that._.room.users.findWhere({id: newPlay.user})); that._.reqHandler.queue({method: 'GET', url: endpoints.roomPlaylistActiveDubs}, function(code, body) { that._.room.play = newPlay; that._.room.playTimeout = setTimeout(that._.actHandler.updatePlay, newPlay.getTimeRemaining() + 15000); that._.room.users.set({dub: undefined}); if (code === 200) { body.data.currentSong = new PlayModel(body.data.currentSong); if (newPlay.id === body.data.currentSong.id) { newPlay.updubs = body.data.currentSong.updubs; newPlay.downdubs = body.data.currentSong.downdubs; newPlay.grabs = body.data.currentSong.grabs; body.data.upDubs.forEach(function(dub) { newPlay.dubs[dub.userid] = 'updub'; var user = that._.room.users.findWhere({id: dub.userid}); if (user) user.set({dub: 'updub'}); }); body.data.downDubs.forEach(function(dub) { newPlay.dubs[dub.userid] = 'downdub'; var user = that._.room.users.findWhere({id: dub.userid}); if (user) user.set({dub: 'downdub'}); }); } } else { that.emit('error', new DubAPIRequestError(code, that._.reqHandler.endpoint(endpoints.roomPlaylistActiveDubs))); } that.emit('*', message); that.emit(events.roomPlaylistUpdate, message); }); }); } function updateQueue() { var that = this; that._.reqHandler.queue({method: 'GET', url: endpoints.roomPlaylistDetails}, function(code, body) { if (code !== 200) { that.emit('error', new DubAPIRequestError(code, that._.reqHandler.endpoint(endpoints.roomPlaylistDetails))); return; } var message = {type: events.roomPlaylistQueueUpdate}; that._.room.queue.clear(); body.data.forEach(function(queueItem) { //Dubtrack API sometimes returns an array containing null. if (queueItem === null) return; queueItem = { id: queueItem._id, uid: queueItem._user._id, media: new MediaModel(queueItem._song), get user() {return that._.room.users.findWhere({id: this.uid});} }; if (queueItem.media.type === undefined || queueItem.media.fkid === undefined) queueItem.media = undefined; that._.room.queue.add(queueItem); }); message.raw = body.data; message.queue = utils.clone(that._.room.queue, {deep: true}); that.emit('*', message); that.emit(events.roomPlaylistQueueUpdate, message); }); } module.exports = ActionHandler;
import React from 'react' import PropTypes from 'prop-types' import styled from 'styled-components' const RestaurantCard = ({ location, sampleItems, notables, yelp }) => { return ( <RestaurantCard.Container> <RestaurantCard.Card href={yelp} target="_blank"> <RestaurantCard.Location>{location}</RestaurantCard.Location> <RestaurantCard.Restinfo> <RestaurantCard.Restitems>What to eat: <RestaurantCard.Data> {sampleItems} </RestaurantCard.Data> </RestaurantCard.Restitems> <RestaurantCard.Restnotes>Notes: <RestaurantCard.Data> {notables} </RestaurantCard.Data> </RestaurantCard.Restnotes> </RestaurantCard.Restinfo> </RestaurantCard.Card> </RestaurantCard.Container> ) } RestaurantCard.Container = styled.div` flex-grow: 1; display: flex; align-items: center; justify-content: center; `; RestaurantCard.Card = styled.a` max-width: 400px; width: 100%; text-decoration: none; color: black; `; RestaurantCard.Location = styled.div` font-size: 48px; `; RestaurantCard.Restinfo = styled.div` padding: 18px; display: flex; flex-direction: column; justify-content: left; color: #63a9b0; font-family: sans-serif; font-weight: 500; `; RestaurantCard.Data = styled.span` font-weight: 200; margin-left: 4px; `; RestaurantCard.Restitems = styled.div` padding: 9px; `; RestaurantCard.Restnotes = styled.div` padding: 9px; `; RestaurantCard.propTypes = { location: PropTypes.string.isRequired, sampleItems: PropTypes.string.isRequired, notables: PropTypes.string.isRequired, yelp: PropTypes.string.isRequired, } export default RestaurantCard
import unittest from Javascript_array_filter_7_kyu import get_even_numbers class Filter(unittest.TestCase): def test_1(self): arr = [2, 4, 5] result = [2, 4] self.assertEqual(get_even_numbers(arr), result) def test_2(self): arr = [] result = [] self.assertEqual(get_even_numbers(arr), result) if __name__ == "__main__": unittest.main()
(function() { function SongPlayer($rootScope, Fixtures) { var SongPlayer = {}; // PRIVATE ATTRIBUTES /** * @desc Information for current album * @type {Object} */ var currentAlbum = Fixtures.getAlbum(); /** * @desc Buzz object audio file * @type {Object} */ var currentBuzzObject = null; // PRIVATE FUNCTIONS /** * @function setSong * @desc Stops currently playing song and loads new audio file as currentBuzzObject * @param {Object} song */ var setSong = function(song) { if (currentBuzzObject) { currentBuzzObject.stop(); SongPlayer.currentSong.playing = null; } currentBuzzObject = new buzz.sound(song.audioUrl, { formats: ['mp3'], preload: true }); // timeupdate is one of a number of HTML5 audio events to use with Buzz's bind() method // bind() method adds an event listener to the Buzz sound object – in this case, it listens for a timeupdate event currentBuzzObject.bind('timeupdate', function() { // update the song's playback progress from anywhere with $rootScope.$apply // creates a custom event that other parts of the Angular application can "listen" to $rootScope.$apply(function() { // $apply the time update change to the $rootScope SongPlayer.currentTime = currentBuzzObject.getTime(); // getTime() gets the current playback position in seconds }); }); SongPlayer.currentSong = song; }; /** * @function playSong * @desc Play a song * @param {Object} song */ var playSong = function(song) { currentBuzzObject.play(); song.playing = true; }; /** * @function stopSong * @desc Stop a song * @param {Object} song */ var stopSong = function(song) { currentBuzzObject.stop(); song.playing = null; }; /** * @function getSongIndex * @desc Get index of song in the songs array * @param {Object} song * @returns {Number} */ var getSongIndex = function(song) { return currentAlbum.songs.indexOf(song); }; // PUBLIC ATTRIBUTES /** * @desc Active song object from list of songs * @type {Object} */ SongPlayer.currentSong = null; /** * @desc Current play time (in seconds) of currently playing song * @type {Number} */ SongPlayer.currentTime = null; /** * @desc Volume used for songs * @type {Number} */ SongPlayer.volume = 80; // PUBLIC METHODS /** * @function play * @desc Play current or new song * @param {Object} song */ SongPlayer.play = function(song) { song = song || SongPlayer.currentSong; if (SongPlayer.currentSong !== song) { setSong(song); playSong(song); } else if (SongPlayer.currentSong === song) { if (currentBuzzObject.isPaused()) { playSong(song); } } }; /** * @function pause * @desc Pause current song * @param {Object} song */ SongPlayer.pause = function(song) { song = song || SongPlayer.currentSong; currentBuzzObject.pause(); song.playing = false; }; /** * @function previous * @desc Set song to previous song in album */ SongPlayer.previous = function() { var currentSongIndex = getSongIndex(SongPlayer.currentSong); currentSongIndex--; if (currentSongIndex < 0) { stopSong(SongPlayer.currentSong); } else { var song = currentAlbum.songs[currentSongIndex]; setSong(song); playSong(song); } }; /** * @function next * @desc Set song to next song in album */ SongPlayer.next = function() { var currentSongIndex = getSongIndex(SongPlayer.currentSong); currentSongIndex++; var lastSongIndex = currentAlbum.songs.length - 1; if (currentSongIndex > lastSongIndex) { stopSong(SongPlayer.currentSong); } else { var song = currentAlbum.songs[currentSongIndex]; setSong(song); playSong(song); } }; /** * @function setCurrentTime * @desc Set current time (in seconds) of currently playing song * @param {Number} time */ // checks if there is a current Buzz object, and, if so, uses the Buzz library's setTime method to set the playback position in seconds SongPlayer.setCurrentTime = function(time) { if (currentBuzzObject) { currentBuzzObject.setTime(time); } }; /** * @function setVolume * @desc Set volume for songs * @param {Number} volume */ SongPlayer.setVolume = function(volume) { if (currentBuzzObject) { currentBuzzObject.setVolume(volume); } SongPlayer.volume = volume; }; return SongPlayer; }; angular .module('blocJams') .factory('SongPlayer', ['$rootScope', 'Fixtures', SongPlayer]); })();
"""TLA+ abstract syntax tree.""" # Copyright 2020 by California Institute of Technology # Copyright (c) 2008-2013 INRIA and Microsoft Corporation # All rights reserved. Licensed under 3-clause BSD. # # This module is based on the files: # # <https://github.com/tlaplus/tlapm/blob/main/src/builtin.ml> # <https://github.com/tlaplus/tlapm/blob/main/src/expr/e_t.ml> # <https://github.com/tlaplus/tlapm/blob/main/src/module/m_t.ml> # <https://github.com/tlaplus/tlapm/blob/main/src/proof/p_t.ml> # <https://github.com/tlaplus/tlapm/blob/main/src/proof/p_parser.ml> class Nodes: """TLA+ syntax tree node classes.""" # Builtin operators class FALSE: """Operator `FALSE`.""" class TRUE: """Operator `TRUE`.""" class BOOLEAN: """Operator `BOOLEAN`.""" class STRING: """Operator `STRING`.""" class Implies: """Operator `=>`.""" class Equiv: """Operator `<=>`.""" class Conj: r"""Operator `/\`.""" class Disj: r"""Operator `\/`.""" class Neg: """Operator `~`.""" class Eq: """Operator `=`.""" class Neq: """Operator `#`.""" class SUBSET: """Operator `SUBSET`.""" class UNION: """Operator `UNION`.""" class DOMAIN: """Operator `DOMAIN`.""" class Subseteq: r"""Operator `\subseteq`.""" class Mem: r"""Operator `\in`.""" class Notmem: r"""Operator `\notin`.""" class Setminus: r"""Operator `\`.""" class Cap: r"""Operator `\cap`.""" class Cup: r"""Operator `\cup`.""" class Prime: """Operator `'`.""" class LeadsTo: """Operator `~>`.""" class ENABLED: """Operator `ENABLED`.""" class UNCHANGED: """Operator `UNCHANGED`.""" class Cdot: r"""Operator `\cdot`.""" class WhilePlus: """Operator `-+->`.""" class Box: """Operator `[]`.""" def __init__(self, boolean): self.boolean = boolean # `bool` that # indicates application to # non-temporal formula, added # in post-processing step in `tlapm` class Diamond: """Operator `<>`.""" # Syntax nodes of expressions class Opaque: """Named identifier.""" def __init__(self, name): self.name = name class Internal: """Builtin operator.""" def __init__(self, value): self.value = value class Apply: """Operator application `Op(arg1, arg2)`.""" def __init__(self, op, operands): self.op = op # expr self.operands = operands # `list` of expr class Function: r"""Function constructor `[x \in S |-> e]`.""" def __init__(self, bounds, expr): self.bounds = bounds # `list` of # `(str, Constant, Domain)` self.expr = expr class FunctionApply: """Function application `f[x]`.""" def __init__(self, op, args): self.op = op # expr self.args = args # `list` of expr class ShapeExpr: """Arity `_`.""" class ShapeOp: """Arity `<<_, ...>>`.""" def __init__(self, arity): self.arity = arity # `int` class Lambda: """`LAMBDA` expression.""" def __init__(self, name_shapes, expr): self.name_shapes = name_shapes # signature # `list` of `(str, ShapeExpr | ShapeOp)` self.expr = expr class TemporalSub: """Subscripted temporal expression. `[][A]_v` or `<><<A>>_v`. """ def __init__(self, op, action, subscript): self.op = op # `BoxOp` | `DiamondOp` self.action = action self.subscript = subscript class Sub: """Subscripted action expression `[A]_v` or `<<A>>_v`. """ def __init__(self, op, action, subscript): self.op = op # `BoxOp` | `DiamondOp` self.action = action self.subscript = subscript class BoxOp: """Signifies `[][...]_...` or `[...]_...`.""" class DiamondOp: """Signifies `<><<...>>_...` or `<<...>_...`.""" class Dot: """Record field `expr.string`.""" def __init__(self, expr, string): self.expr = expr self.string = string class Parens: """Parentheses or label.""" def __init__(self, expr, pform): self.expr = expr self.pform = pform # `Syntax` | `NamedLabel` # | `IndexedLabel` # form of parentheses def __str__(self): return f"Parens({self.expr}, {self.pform})" class Syntax: """Signifies actual parentheses in source syntax.""" class NamedLabel: """Represents a named label.""" def __init__(self, string, name_list): self.string = string # `str` self.name_list = name_list # `list` of `str` class IndexedLabel: """Represents an indexed label.""" def __init__(self, string, name_int_list): self.string = string # `str` self.name_int_list = name_int_list class If: """Ternary conditional expression `IF ... THEN ... ELSE`.""" def __init__(self, test, then, else_): self.test = test # expr self.then = then # expr self.else_ = else_ # expr class Let: """`LET ... IN` expression.""" def __init__(self, definitions, expr): self.definitions = definitions # `list` of `OperatorDef` self.expr = expr class Forall: r"""Universal quantifier `\A`, `\AA`.""" class Exists: r"""Existential quantifier `\E`, `\EE`.""" class RigidQuantifier: r"""Rigid quantification `\E` or `\A`.""" def __init__(self, quantifier, bounds, expr): self.quantifier = quantifier # `Forall` | `Exists` self.bounds = bounds # `list` of # `(str, Constant, Domain | NoDomain)` self.expr = expr class TemporalQuantifier: r"""Temporal quantification `\EE` or `\AA`.""" def __init__(self, quantifier, variables, expr): self.quantifier = quantifier # `Forall` | `Exists` self.variables = variables # `list` of `str` self.expr = expr class Choose: """`CHOOSE` expression.""" def __init__(self, name, bound, expr): self.name = name # `str` self.bound = bound # `None` | expr self.expr = expr class Case: """`CASE` expression.""" def __init__(self, arms, other): self.arms = arms # `list` of `(expr, expr)` self.other = other # expr | `None` class SetEnum: """Set enumeration `{1, 2, 3}`.""" def __init__(self, exprs): self.exprs = exprs # `list` of expr class SetSt: r"""Set such that `{x \in S: e(x)}`.""" def __init__(self, name, bound, expr): self.name = name # `str` self.bound = bound # expr self.expr = expr class SetOf: r"""Set of `{e(x): x \in S}`.""" def __init__(self, expr, boundeds): self.expr = expr self.boundeds = boundeds # `list` of # `(str, Constant, Domain)` # type of junction list class And: """Conjunction list operator.""" class Or: """Disjunction list operator.""" # junction list (conjunction or disjunction) class List: """Conjunction or disjunction list.""" def __init__(self, op, exprs): self.op = op # `And` | `Or` self.exprs = exprs class Record: """Record constructor `[h |-> v, ...]`.""" def __init__(self, items): self.items = items # `list` of `(str, expr)` class RecordSet: """Set of records `[h: V, ...]`.""" def __init__(self, items): self.items = items # `list` of `(str, expr)` class Except_dot: """Dot syntax in `EXCEPT` `!.name = `.""" def __init__(self, name): self.name = name class Except_apply: """Apply syntax in `EXCEPT` `![expr] = `.""" def __init__(self, expr): self.expr = expr class Except: """`[expr EXCEPT exspec_list]`.""" def __init__(self, expr, exspec_list): self.expr = expr self.exspec_list = exspec_list # `exspec` is a tuple # `(expoint list, expr)` # where `expoint` is # `Except_dot` | `Except_apply` class Domain: """Domain bound.""" def __init__(self, expr): self.expr = expr class NoDomain: """Unbounded domain.""" class Ditto: """Same bound domain.""" class Bounded: """Bounded operator declaration.""" def __init__(self, expr, visibility): self.expr = expr self.visibility = visibility # `Visible` | `Hidden` class Unbounded: """Operator declaration without bound.""" class Visible: """Visible element. Facts, operator declarations. """ class Hidden: """Hidden element. Operator definitions. """ class NotSet: """Unspecified attribute.""" class At: def __init__(self, boolean): self.boolean = boolean # `True` if `@` # from `EXCEPT`, `False` if `@` from # proof step. class Arrow: """Function set `[expr -> expr]`.""" def __init__(self, expr1, expr2): self.expr1 = expr1 self.expr2 = expr2 class Tuple: """Tuple constructor `<<1, 2>>`.""" def __init__(self, exprs): self.exprs = exprs class Bang: """Label constructor `!`.""" def __init__(self, expr, sel_list): self.expr = expr self.sel_list = sel_list # `list` of selector class WeakFairness: """Signifies operator `WF_`.""" class StrongFairness: """Signifies operator `SF_`.""" class String: """String constructor `"foo"`.""" def __init__(self, value): self.value = value class Number: """Number constructor `.""" def __init__(self, integer, mantissa): self.integer = integer # characteristic self.mantissa = mantissa class Fairness: """Fairness expression. `WF_v(A)` or `SF_v(A)`. """ def __init__(self, op, subscript, expr): self.op = op self.subscript = subscript self.expr = expr class SelLab: def __init__(self, string, exprs): self.string = string self.exprs = exprs # `list` of expr class SelInst: def __init__(self, exprs): self.exprs = exprs # `list` of expr class SelNum: def __init__(self, num): self.num = num # `int` class SelLeft: pass class SelRight: pass class SelDown: pass class SelAt: pass class Sequent: """`ASSUME ... PROVE ...`.""" def __init__(self, context, goal): self.context = context # `list` of # `Fact` | `Flex` | `Fresh` | `Sequent` self.goal = goal class Fact: def __init__(self, expr, visibility, time): self.expr = expr self.visibility = visibility # `Visible` | `Hidden` self.time = time # `NotSet` # operator declarations class Flex: """Flexible `VARIABLE`.""" def __init__(self, name): self.name = name # `str` # constant, state, action, and # temporal level operators class Fresh: """Operator declaration (in sequent). `CONSTANT`, `STATE`, `ACTION`, `TEMPORAL`. """ def __init__(self, name, shape, kind, domain): self.name = name # `str` self.shape = shape # `ShapeExpr` | `ShapeOp` self.kind = kind # `Constant` | `State` # | `Action` | `Temporal` self.domain = domain # `Bounded` | `Unbounded` # expression levels for operator declarations class Constant: """`CONSTANT` declaration.""" class State: """`STATE` declaration.""" class Action: """`ACTION` declaration.""" class Temporal: """`TEMPORAL` declaration.""" class OperatorDef: """Operator definition `Op == x + 1`.""" def __init__(self, name, expr): self.name = name # `str` self.expr = expr # `Lambda` or expr class Instance: """`INSTANCE` statement.""" def __init__(self, name, args, module, sub): self.name = name # name of operator # in `INSTANCE` definition # `str` | `None` self.args = args # arguments of # operator signature in # `INSTANCE` definition # `list` of `str` | `None` self.module = module # `str` self.sub = sub # `list` of `(str, expr)` # Syntax nodes of module elements class Constants: """`CONSTANT` declarations in module scope.""" def __init__(self, declarations): self.declarations = declarations # `list` of `(str, ShapeExpr | ShapeOp)` class Variables: """`VARIABLE` declarations in module scope.""" def __init__(self, declarations): self.declarations = declarations # `list` of `str` class Recursives: """Recursive operator definition.""" def __init__(self, declarations): self.declarations = declarations # `list` of `(str, ShapeExpr | ShapeOp)` class Local: """Keyword `LOCAL`.""" class Export: """Absence of keyword `LOCAL`.""" class User: pass class Definition: """Operator definition as module unit.""" def __init__(self, definition, wheredef, visibility, local): self.definition = definition self.wheredef = wheredef # builtin | `User` self.visibility = visibility # `Visible` | `Hidden` self.local = local # `Local` | `Export` class AnonymousInstance: """`INSTANCE` statement without definition.""" def __init__(self, instance, local): self.instance = instance # `Instance` self.local = local # `Local` | `Export` class Mutate: """Module-scope `USE` or `HIDE`.""" def __init__(self, kind, usable): self.kind = kind # `Hide` | `Use` self.usable = usable # `dict(facts=list of expr, # defs=list of Dvar)` class ModuleHide: """Module-scope `HIDE`.""" class ModuleUse: """Module-scope `USE`.""" def __init__(self, boolean): self.boolean = boolean class Module: """`MODULE`s and submodules.""" def __init__(self, name, extendees, instancees, body): self.name = name # `str` self.extendees = extendees # `list` of `str` self.instancees = instancees # `list` self.body = body # `list` of # `Definition` | `Mutate` # `Submodule` | `Theorem` class Submodule: """Submodule as module unit.""" def __init__(self, module): self.module = module class Suppress: pass class Emit: pass class StepStar: """Step identifier `<*>label`.""" def __init__(self, label): self.label = label class StepPlus: """Step identifier `<+>label`.""" def __init__(self, label): self.label = label class StepNum: """Step identifier `<level>label`.""" def __init__(self, level, label): self.level = level self.label = label class Only: """`ONLY` statement.""" class Default: """`ONLY` attribute in `PreBy`.""" class PreBy: """`BY` statement.""" def __init__(self, supp, only, usable, method): self.supp = supp self.only = only # `Default` | `Only` self.usable = usable # `dict(facts=list of expr, # defs=list of Dvar)` self.method = method class PreObvious: """`OBVIOUS` statement.""" def __init__(self, supp, method): self.supp = supp self.method = method class PreOmitted: """`OMITTED` statement.""" def __init__(self, omission): self.omission = omission # `Explicit` | `Implicit` class Explicit: """Explicitly omitted proof.""" class Implicit: """Implicitly omitted proof.""" class PreStep: """Proof step.""" def __init__(self, boolean, preno, prestep): self.boolean = boolean # `PROOF` keyword ? self.preno = preno self.prestep = prestep class PreHide: """`HIDE` statement.""" def __init__(self, usable): self.usable = usable class PreUse: """`USE` statement.""" def __init__(self, supp, only, usable, method): self.supp = supp self.only = only self.usable = usable self.method = method class PreDefine: """`DEFINE` statement.""" def __init__(self, defns): self.definitions = defns class PreAssert: """Assertion statement. Sequent or expression in proof step. """ def __init__(self, sequent): self.sequent = sequent class PreSuffices: """`SUFFICES` statement.""" def __init__(self, sequent): self.sequent = sequent class PreCase: """`CASE` proof statement.""" def __init__(self, expr): self.expr = expr class PrePick: """`PICK` statement.""" def __init__(self, bounds, expr): self.bounds = bounds self.expr = expr class PreHave: """`HAVE` statement.""" def __init__(self, supp, expr, method): self.supp = supp self.expr = expr self.method = method class PreTake: """`TAKE` statement.""" def __init__(self, supp, bounds, method): self.supp = supp self.bounds = bounds self.method = method class PreWitness: """`WITNESS` statement.""" def __init__(self, supp, exprs, method): self.supp = supp self.exprs = exprs self.method = method class PreQed: """`QED` statement.""" class Axiom: """`AXIOM`.""" def __init__(self, name, expr): self.name = name self.expr = expr class Theorem: """`THEOREM` together with its proof. ``` THEOREM name == body PROOF proof ``` """ def __init__(self, name, body, proof): self.name = name # `str` | `None` self.body = body # `Sequent` self.proof = proof # `Omitted` | `Obvious` # | `Steps` | `By` # Step numbers class Named: """Step number with label.""" def __init__(self, level, label, boolean): self.level = level # `int` self.label = label # `str` self.boolean = boolean # `bool` class Unnamed: """Step number without label.""" def __init__(self, level, uuid): self.level = level # `int` self.uuid = uuid # Proofs class Obvious: """`OBVIOUS` statement.""" class Omitted: """`OMITTED` statement.""" def __init__(self, omission): self.omission = omission class By: """`BY` statement.""" def __init__(self, usable, only): self.usable = usable # `dict(facts=list of expr, # defs=list of Dvar)` self.only = only # `bool` class Steps: """Proof steps in a proof.""" def __init__(self, steps, qed_step): self.steps = steps # step `list` self.qed_step = qed_step # Proof steps # The attribute `step_number` stores # the step number: `Named` | `Unnamed` class Hide: """`HIDE` statement.""" def __init__(self, usable): self.usable = usable # `dict(facts=list of expr, # defs=list of Dvar)` class Define: """`DEFINE` statement.""" def __init__(self, defns): self.definitions = defns class Assert: """Assertion statement. Sequent with proof. """ def __init__(self, sequent, proof): self.sequent = sequent # `Sequent` self.proof = proof # `Omitted` | `Obvious` # | `Steps` | `By` class Suffices: """`SUFFICES` statement.""" def __init__(self, sequent, proof): self.sequent = sequent self.proof = proof # `Omitted` | `Obvious` # | `Steps` | `By` class Pcase: """`CASE` proof statement.""" def __init__(self, expr, proof): self.expr = expr self.proof = proof # `Omitted` | `Obvious` # | `Steps` | `By` class Pick: """`PICK` statement.""" def __init__(self, bounds, expr, proof): self.bounds = bounds # `list` of # `(str, Constant, # Domain | NoDomain | Ditto)` self.expr = expr self.proof = proof # `Omitted` | `Obvious` # | `Steps` | `By` class Use: """`USE` statement.""" def __init__(self, usable, only): self.usable = usable # `dict(facts=list of expr, # defs=list of Dvar)` self.only = only # `bool` class Have: """`HAVE` statement.""" def __init__(self, expr): self.expr = expr class Take: """`TAKE` statement.""" def __init__(self, bounds): self.bounds = bounds # `list` of # `(str, Constant, # Domain | NoDomain | Ditto)` class Witness: """`WITNESS` statement.""" def __init__(self, exprs): self.exprs = exprs # `list` of expr class Qed: """`QED` statement.""" def __init__(self, proof): self.proof = proof class Dvar: """Item in `BY DEF ...` or `USE DEF ...`.""" def __init__(self, value): self.value = value # `str` class Bstring: """Backend pragma string.""" def __init__(self, value): self.value = value # `str` class Bfloat: """Backend pragma float.""" def __init__(self, value): self.value = value # `str` class Bdef: """`@` in backend pragma.""" class BackendPragma: """Backend pragma.""" def __init__(self, name, expr, backend_args): self.name = name # as in `OperatorDef` self.expr = expr # as in `OperatorDef` self.backend_args = backend_args # `list` of `(str, Bstring | Bfloat | Bdef)`
import React from 'react' const FloorImg = (props) => { return ( <svg version="1.1" id="Capa_1" xmlns="http://www.w3.org/2000/svg" x="0px" y="0px" viewBox="0 0 442 442" width={props.width} height={props.height} > <g> <path d="M382,0H60c-5.523,0-10,4.477-10,10v422c0,5.523,4.477,10,10,10h322c5.523,0,10-4.477,10-10V10C392,4.477,387.523,0,382,0z M295,422h-55V279h55V422z M372,422h-57V269c0-5.523-4.477-10-10-10h-75c-5.523,0-10,4.477-10,10v153H70V20h302V422z" fill={props.color || '#666666'} /> <path d="M103,128h50c5.523,0,10-4.477,10-10V53c0-5.523-4.477-10-10-10h-50c-5.523,0-10,4.477-10,10v65 C93,123.523,97.477,128,103,128z M113,63h30v45h-30V63z" fill={props.color || '#666666'} /> <path d="M196,128h50c5.523,0,10-4.477,10-10V53c0-5.523-4.477-10-10-10h-50c-5.523,0-10,4.477-10,10v65 C186,123.523,190.477,128,196,128z M206,63h30v45h-30V63z" fill={props.color || '#666666'} /> <path d="M289,128h50c5.523,0,10-4.477,10-10V53c0-5.523-4.477-10-10-10h-50c-5.523,0-10,4.477-10,10v65 C279,123.523,283.477,128,289,128z M299,63h30v45h-30V63z" fill={props.color || '#666666'} /> <path d="M103,236h50c5.523,0,10-4.477,10-10v-65c0-5.523-4.477-10-10-10h-50c-5.523,0-10,4.477-10,10v65 C93,231.523,97.477,236,103,236z M113,171h30v45h-30V171z" fill={props.color || '#666666'} /> <path d="M196,236h50c5.523,0,10-4.477,10-10v-65c0-5.523-4.477-10-10-10h-50c-5.523,0-10,4.477-10,10v65 C186,231.523,190.477,236,196,236z M206,171h30v45h-30V171z" fill={props.color || '#666666'} /> <path d="M289,236h50c5.523,0,10-4.477,10-10v-65c0-5.523-4.477-10-10-10h-50c-5.523,0-10,4.477-10,10v65 C279,231.523,283.477,236,289,236z M299,171h30v45h-30V171z" fill={props.color || '#666666'} /> <path d="M103,344h50c5.523,0,10-4.477,10-10v-65c0-5.523-4.477-10-10-10h-50c-5.523,0-10,4.477-10,10v65 C93,339.523,97.477,344,103,344z M113,279h30v45h-30V279z" fill={props.color || '#666666'} /> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> <g> </g> </svg> ) } export default FloorImg
import React from 'react'; import { View, Text, StyleSheet, FlatList, TouchableHighlight } from 'react-native'; import ScopeItem from './ScopeItem'; import propTypes from 'prop-types'; import Spinner from '../../../components/Spinner' /** * @example * <ScopeList * result={[]} * loadMore={() => {}} * onSelect={() => {}} * loading={false} * /> */ class ScopeList extends React.PureComponent { renderEmptyList() { return ( <View styles={styles.container}> <Text style={styles.emptyResultText}>No forms</Text> </View> ); } renderFooter = () => { if (this.props.loading) { return <Spinner text="Loading checklists" /> } return ( <View style={{flexDirection: 'row'}}> <TouchableHighlight onPress={this.props.loadMore} style={{flex: 1, justifyContent: 'center', alignItems: 'center'}}> <Text style={{padding: 15, fontSize: 16}}>Load More</Text> </TouchableHighlight> </View> ) } render() { if (!this.props.result) { return this.renderEmptyList(); } return ( <View style={styles.container}> <Text style={styles.header}>Forms ({this.props.result.length})</Text> <View style={styles.headerTitlesContainer}> <View style={{width: 60, maxWidth: 60}}><Text style={styles.titleText}>Status</Text></View> <View style={{flex: 2}}><Text style={styles.titleText}>Tag</Text></View> <View style={{flex: 1}}><Text style={styles.titleText}>Form type</Text></View> <View style={{flex: 1}}><Text style={[styles.titleText, {textAlign: 'right'}]}>Responsible</Text></View> </View> <FlatList data={this.props.result} initialNumToRender={10} ListFooterComponent={this.renderFooter()} renderItem={({ item }) => { return ( <ScopeItem item={item} onPress={() => this.props.onSelect(item)} /> ); }} keyExtractor={item => `${item.Id}`} extra={this.props.result} /> </View> ); } } const styles = StyleSheet.create({ container: { flex: 1 }, header: { marginBottom: 15, fontWeight: '700' }, headerTitlesContainer: { flexDirection: 'row', marginBottom: 5 }, titleText: { fontSize: 10, color: '#243746' }, emptyResultText: { fontSize: 16, textAlign: 'center' } }); ScopeList.propTypes = { result: propTypes.arrayOf(propTypes.shape({ Id: propTypes.number.isRequired, TagNo: propTypes.string.isRequired, TagDescription: propTypes.string.isRequired, Status: propTypes.string.isRequired, ProjectDescription: propTypes.string, FormularType: propTypes.string.isRequired, FormularGroup: propTypes.string.isRequired, HasElectronicForm: propTypes.bool.isRequired, AttachmentCount: propTypes.number.isRequired })), onSelect: propTypes.func.isRequired, loadMore: propTypes.func.isRequired }; ScopeList.defaultProps = { result: [], }; export default ScopeList;
var shell = require('shelljs'); module.exports = function(grunt) { var TOMCAT_DIR = process.env.TOMCAT_HOME || '/usr/local/tomcat'; TOMCAT_DIR += '/'; var STATIC_FOLDER = "src/main/webapp/WEB-INF/"; grunt.initConfig({ watch: { statics: { files: [STATIC_FOLDER + "**/**/*.*"], } } }); grunt.event.on('watch', function(action, filepath, target) { if(target === 'statics'){ var destFilePath = TOMCAT_DIR + 'webapps/ExampleLtiApp-1.0.0-SNAPSHOT/' + filepath.replace('src/main/webapp/', ''); grunt.log.writeln(target + ': ' + filepath + ' has ' + action + ' ... and is being copied to: ' + destFilePath); shell.exec('cp ' + filepath + ' ' + destFilePath); } }); grunt.loadNpmTasks('grunt-contrib-watch'); };
import React from 'react'; const Video = ({ className, src }) => { return ( <video className={className} controls loop muted src={src}/> ); }; export default Video;
# -*- coding: utf-8 -*- ################################################################################ ## Form generated from reading UI file 'UI.ui' ## ## Created by: Qt User Interface Compiler version 5.15.2 ## ## WARNING! All changes made in this file will be lost when recompiling UI file! ################################################################################ from PySide2.QtCore import * from PySide2.QtGui import * from PySide2.QtWidgets import * class Ui_MainWindow(object): def setupUi(self, MainWindow): if not MainWindow.objectName(): MainWindow.setObjectName(u"MainWindow") MainWindow.resize(1280, 720) MainWindow.setWindowOpacity(1.000000000000000) self.centralwidget = QWidget(MainWindow) self.centralwidget.setObjectName(u"centralwidget") self.menuBox = QComboBox(self.centralwidget) self.menuBox.addItem("") self.menuBox.addItem("") self.menuBox.addItem("") self.menuBox.addItem("") self.menuBox.addItem("") self.menuBox.setObjectName(u"menuBox") self.menuBox.setGeometry(QRect(20, 10, 511, 51)) font = QFont() font.setPointSize(14) self.menuBox.setFont(font) self.menuBox.setAutoFillBackground(False) self.menuBox.setEditable(False) self.quitButton = QPushButton(self.centralwidget) self.quitButton.setObjectName(u"quitButton") self.quitButton.setGeometry(QRect(750, 670, 520, 50)) font1 = QFont() font1.setPointSize(15) self.quitButton.setFont(font1) self.quitButton.setAutoFillBackground(False) self.Image = QLabel(self.centralwidget) self.Image.setObjectName(u"Image") self.Image.setGeometry(QRect(0, 0, 1280, 720)) self.box_register = QWidget(self.centralwidget) self.box_register.setObjectName(u"box_register") self.box_register.setGeometry(QRect(80, 80, 360, 150)) self.formLayout = QFormLayout(self.box_register) self.formLayout.setObjectName(u"formLayout") self.ID_label = QLabel(self.box_register) self.ID_label.setObjectName(u"ID_label") self.formLayout.setWidget(0, QFormLayout.LabelRole, self.ID_label) self.ID = QLineEdit(self.box_register) self.ID.setObjectName(u"ID") self.ID.setMinimumSize(QSize(0, 40)) font2 = QFont() font2.setPointSize(13) self.ID.setFont(font2) self.formLayout.setWidget(0, QFormLayout.FieldRole, self.ID) self.name_label = QLabel(self.box_register) self.name_label.setObjectName(u"name_label") self.formLayout.setWidget(1, QFormLayout.LabelRole, self.name_label) self.name = QLineEdit(self.box_register) self.name.setObjectName(u"name") self.name.setMinimumSize(QSize(0, 40)) self.name.setFont(font2) self.formLayout.setWidget(1, QFormLayout.FieldRole, self.name) self.capture_button = QPushButton(self.box_register) self.capture_button.setObjectName(u"capture_button") self.capture_button.setMinimumSize(QSize(0, 40)) self.formLayout.setWidget(2, QFormLayout.SpanningRole, self.capture_button) self.box_delete = QWidget(self.centralwidget) self.box_delete.setObjectName(u"box_delete") self.box_delete.setGeometry(QRect(80, 230, 360, 101)) self.formLayout_2 = QFormLayout(self.box_delete) self.formLayout_2.setObjectName(u"formLayout_2") self.ID_label_2 = QLabel(self.box_delete) self.ID_label_2.setObjectName(u"ID_label_2") self.formLayout_2.setWidget(0, QFormLayout.LabelRole, self.ID_label_2) self.ID_2 = QLineEdit(self.box_delete) self.ID_2.setObjectName(u"ID_2") self.ID_2.setMinimumSize(QSize(0, 40)) self.ID_2.setFont(font2) self.formLayout_2.setWidget(0, QFormLayout.FieldRole, self.ID_2) self.remove_button = QPushButton(self.box_delete) self.remove_button.setObjectName(u"remove_button") self.remove_button.setMinimumSize(QSize(0, 40)) self.formLayout_2.setWidget(1, QFormLayout.FieldRole, self.remove_button) self.box_mqtt = QWidget(self.centralwidget) self.box_mqtt.setObjectName(u"box_mqtt") self.box_mqtt.setGeometry(QRect(80, 360, 360, 150)) self.formLayout_4 = QFormLayout(self.box_mqtt) self.formLayout_4.setObjectName(u"formLayout_4") self.address_label = QLabel(self.box_mqtt) self.address_label.setObjectName(u"address_label") self.formLayout_4.setWidget(0, QFormLayout.LabelRole, self.address_label) self.address = QLineEdit(self.box_mqtt) self.address.setObjectName(u"address") self.address.setMinimumSize(QSize(0, 40)) self.address.setFont(font2) self.formLayout_4.setWidget(0, QFormLayout.FieldRole, self.address) self.port_label = QLabel(self.box_mqtt) self.port_label.setObjectName(u"port_label") self.formLayout_4.setWidget(1, QFormLayout.LabelRole, self.port_label) self.port = QLineEdit(self.box_mqtt) self.port.setObjectName(u"port") self.port.setMinimumSize(QSize(0, 40)) self.port.setFont(font2) self.formLayout_4.setWidget(1, QFormLayout.FieldRole, self.port) self.mqtt_button = QPushButton(self.box_mqtt) self.mqtt_button.setObjectName(u"mqtt_button") self.mqtt_button.setMinimumSize(QSize(0, 40)) self.formLayout_4.setWidget(2, QFormLayout.SpanningRole, self.mqtt_button) self.box_gpio = QWidget(self.centralwidget) self.box_gpio.setObjectName(u"box_gpio") self.box_gpio.setGeometry(QRect(80, 520, 360, 150)) self.formLayout_5 = QFormLayout(self.box_gpio) self.formLayout_5.setObjectName(u"formLayout_5") self.pin_label = QLabel(self.box_gpio) self.pin_label.setObjectName(u"pin_label") self.formLayout_5.setWidget(0, QFormLayout.LabelRole, self.pin_label) self.pin = QLineEdit(self.box_gpio) self.pin.setObjectName(u"pin") self.pin.setMinimumSize(QSize(0, 40)) self.pin.setFont(font2) self.formLayout_5.setWidget(0, QFormLayout.FieldRole, self.pin) self.stateBox = QComboBox(self.box_gpio) self.stateBox.addItem("") self.stateBox.addItem("") self.stateBox.setObjectName(u"stateBox") self.stateBox.setMinimumSize(QSize(0, 40)) self.stateBox.setFont(font2) self.formLayout_5.setWidget(1, QFormLayout.FieldRole, self.stateBox) self.gpio_button = QPushButton(self.box_gpio) self.gpio_button.setObjectName(u"gpio_button") self.gpio_button.setMinimumSize(QSize(0, 40)) self.formLayout_5.setWidget(2, QFormLayout.SpanningRole, self.gpio_button) self.state_label = QLabel(self.box_gpio) self.state_label.setObjectName(u"state_label") self.formLayout_5.setWidget(1, QFormLayout.LabelRole, self.state_label) MainWindow.setCentralWidget(self.centralwidget) self.Image.raise_() self.menuBox.raise_() self.quitButton.raise_() self.box_register.raise_() self.box_delete.raise_() self.box_mqtt.raise_() self.box_gpio.raise_() self.menubar = QMenuBar(MainWindow) self.menubar.setObjectName(u"menubar") self.menubar.setGeometry(QRect(0, 0, 1280, 22)) MainWindow.setMenuBar(self.menubar) self.statusbar = QStatusBar(MainWindow) self.statusbar.setObjectName(u"statusbar") MainWindow.setStatusBar(self.statusbar) self.retranslateUi(MainWindow) QMetaObject.connectSlotsByName(MainWindow) # setupUi def retranslateUi(self, MainWindow): MainWindow.setWindowTitle(QCoreApplication.translate("MainWindow", u"MainWindow", None)) self.menuBox.setItemText(0, "") self.menuBox.setItemText(1, QCoreApplication.translate("MainWindow", u"Register New User", None)) self.menuBox.setItemText(2, QCoreApplication.translate("MainWindow", u"Delete User ID", None)) self.menuBox.setItemText(3, QCoreApplication.translate("MainWindow", u"Configure MQTT", None)) self.menuBox.setItemText(4, QCoreApplication.translate("MainWindow", u"Configure GPIO", None)) self.menuBox.setCurrentText("") self.quitButton.setText(QCoreApplication.translate("MainWindow", u"Quit", None)) self.Image.setText(QCoreApplication.translate("MainWindow", u"TextLabel", None)) self.ID_label.setText(QCoreApplication.translate("MainWindow", u"ID", None)) self.ID.setText(QCoreApplication.translate("MainWindow", u"0", None)) self.name_label.setText(QCoreApplication.translate("MainWindow", u"Name", None)) self.name.setText(QCoreApplication.translate("MainWindow", u"John Doe", None)) self.capture_button.setText(QCoreApplication.translate("MainWindow", u"Capture", None)) self.ID_label_2.setText(QCoreApplication.translate("MainWindow", u"ID", None)) self.ID_2.setText(QCoreApplication.translate("MainWindow", u"0", None)) self.remove_button.setText(QCoreApplication.translate("MainWindow", u"Remove User ID", None)) self.address_label.setText(QCoreApplication.translate("MainWindow", u"Address", None)) self.address.setText(QCoreApplication.translate("MainWindow", u"localhost", None)) self.port_label.setText(QCoreApplication.translate("MainWindow", u"Port", None)) self.port.setText(QCoreApplication.translate("MainWindow", u"1883", None)) self.mqtt_button.setText(QCoreApplication.translate("MainWindow", u"Start/Stop MQTT", None)) self.pin_label.setText(QCoreApplication.translate("MainWindow", u"Pin", None)) self.pin.setText(QCoreApplication.translate("MainWindow", u"17", None)) self.stateBox.setItemText(0, QCoreApplication.translate("MainWindow", u"HIGH", None)) self.stateBox.setItemText(1, QCoreApplication.translate("MainWindow", u"LOW", None)) self.gpio_button.setText(QCoreApplication.translate("MainWindow", u"Start/Stop GPIO control", None)) self.state_label.setText(QCoreApplication.translate("MainWindow", u"Active state", None)) # retranslateUi
/* eslint-disable */ import React from 'react'; import { createSvgIcon } from '@wingscms/components'; export default createSvgIcon( <React.Fragment> <g> <g> <polygon points="448,224 448,160 416,160 416,224 352,224 352,256 416,256 416,320 448,320 448,256 512,256 512,224 " /> </g> </g> <g> <g> <path d="M160,224v64h90.528c-13.216,37.248-48.8,64-90.528,64c-52.928,0-96-43.072-96-96c0-52.928,43.072-96,96-96 c22.944,0,45.024,8.224,62.176,23.168l42.048-48.256C235.424,109.824,198.432,96,160,96C71.776,96,0,167.776,0,256 s71.776,160,160,160s160-71.776,160-160v-32H160z" /> </g> </g> </React.Fragment>, 'google-plus', '0 0 512 512', );
'use strict'; Object.defineProperty(exports, "__esModule", { value: true }); var _index = require('../../startOfHour/index.js'); var _index2 = _interopRequireDefault(_index); var _index3 = require('../_lib/convertToFP/index.js'); var _index4 = _interopRequireDefault(_index3); function _interopRequireDefault(obj) { return obj && obj.__esModule ? obj : { default: obj }; } // This file is generated automatically by `scripts/build/fp.js`. Please, don't change it. var startOfHourWithOptions = (0, _index4.default)(_index2.default, 2); exports.default = startOfHourWithOptions; module.exports = exports['default'];
const vha = { install(Vue, options) { document.addEventListener('deviceready', () => { try { if (typeof window.cordova.getAppVersion != 'undefined') { Vue.prototype.$vha.appversion = window.cordova.getAppVersion } else { throw "cordova-plugin-app-version" } } catch (err) { console.log(err, err.message) } }, false) } } export default vha
import React from 'react' import PropTypes from 'prop-types' import Helmet from 'react-helmet' import Navbar from '../components/Navbar' import './all.sass' const TemplateWrapper = ({ children }) => ( <div> <Helmet title="Nội Thất Cơ Đốc" /> <Navbar /> <div>{children()}</div> </div> ) TemplateWrapper.propTypes = { children: PropTypes.func, } export default TemplateWrapper
from django import forms from django.forms import ModelForm from django.contrib.auth.forms import AuthenticationForm from .models import ( OyuUser, OyuUserProfile, CtfChallengeRequest, ) from .consts import ( USER_REGION_CHOICES, CTF_CHALLENGE_CATEGORY_CHOICES, ) # Third party from martor.fields import MartorFormField class UserRegistrationForm(ModelForm): password = forms.CharField(widget=forms.PasswordInput) class Meta: model = OyuUser fields = ['username', 'email', 'password'] error_messages = { 'username': { 'required': 'Нэрээ оруулна уу', 'unique': 'Нэр давхардаж байна', }, 'email': { 'required': 'И-мэйл оруулна уу', 'unique': 'И-мэйл давхардаж байна', }, } def __init__(self, *args, **kwargs): super(UserRegistrationForm, self).__init__(*args, **kwargs) self.fields['username'].widget.attrs.update({'autofocus': 'autofocus'}) self.fields['username'].widget.attrs['placeholder'] = u"Бүртгүүлэх нэр" self.fields['email'].widget.attrs['placeholder'] = u"И-мэйл хаяг" self.fields['password'].widget.attrs['placeholder'] = u"Нууц үг" for vis in self.visible_fields(): vis.field.widget.attrs['class'] = 'form-control _input' class LoginForm(AuthenticationForm): username = forms.EmailField(label="Е-мэйл хаяг", max_length=100, required=True) def __init__(self, request=None, *args, **kwargs): super(LoginForm, self).__init__(*args, **kwargs) self.fields['username'].widget.attrs.update({'autofocus': ''}) for vis in self.visible_fields(): vis.field.widget.attrs['class'] = 'form-control _input' self.fields['username'].widget.attrs['placeholder'] = u'И-мэйл хаяг' self.fields['password'].widget.attrs['placeholder'] = u'Нууц үг' def clean_username(self, ): uname = self.cleaned_data.get("username") if uname: uname = uname.strip() return uname class UserProfileUpdateForm(forms.Form): email = forms.EmailField(label="Е-мэйл хаяг", max_length=100, required=False) password = forms.CharField(label="Нууц үг", widget=forms.PasswordInput, required=False,) background_image = forms.ImageField(label="Арын зураг", max_length=128, required=False) avatar_image = forms.ImageField(label="Нүүр зураг", max_length=128, required=False) fullname = forms.CharField(label="Бүтэн нэр", max_length=20, required=False) region = forms.ChoiceField(label="Харьяа", choices=USER_REGION_CHOICES, help_text="Сургууль эсвэл ажилладаг газар.", required=False) facebook_link = forms.CharField(label="Facebook link", max_length=128, required=False) insta_link = forms.CharField(label="Insta link", max_length=128, required=False) github_link = forms.CharField(label="Github link", max_length=128, required=False) def __init__(self, request=None, *args, **kwargs): super(UserProfileUpdateForm, self).__init__(*args, **kwargs) for field in self.fields: self.fields[field].widget.attrs['class'] = 'form-control _input' self.fields[field].widget.attrs['placeholder'] = '. . .' # Disabling extra thing on heroku self.fields['password'].widget.attrs['disabled'] = True self.fields['email'].widget.attrs['disabled'] = True self.fields['background_image'].widget.attrs['disabled'] = True self.fields['avatar_image'].widget.attrs['disabled'] = True self.fields['avatar_image'].widget.attrs['class'] = "form-control-file" self.fields['background_image'].widget.attrs['class'] = "form-control-file" def clean(self): return self.cleaned_data class CTFChallengeRequestForm(ModelForm): class Meta: model = CtfChallengeRequest fields = ['title', 'description', 'category', 'solution', 'flag'] def __init__(self, request=None, *args, **kwargs): super(CTFChallengeRequestForm, self).__init__(*args, **kwargs) for field in self.fields: self.fields[field].widget.attrs['class'] = 'form-control _input' self.fields['title'].widget.attrs['placeholder'] = u"Бодлогын нэрийг оруулна уу" self.fields['solution'].widget.attrs['placeholder'] = u"Бид таны бодлогыг шалгахын тулд заавал бөглөнө үү" self.fields['flag'].widget.attrs['placeholder'] = u"Хариу буюу флагаа оруулна уу"
const debugLog = false; export const diffSeconds = (dt2, dt1) => { let diff = (dt2.getTime() - dt1.getTime()) / 1000; return Math.abs(Math.round(diff)); }; export const diffCount = (c2, c1) => { let diff = c1 - c2; return diff; }; export const calcTickerValues = ({ prevTimestamp, currTimestamp, setTimePassedInIntervalInPercent, }) => { // prepare variables for calulation of time passed in percent const currTime = new Date(); const intervalLength = diffSeconds(prevTimestamp, currTimestamp); const timePassed = diffSeconds(currTimestamp, currTime); const calcTimePassed = timePassed / intervalLength; setTimePassedInIntervalInPercent(calcTimePassed); }; export const updateTicker = ({ statsSummary, timePassedInIntervalInPercent, setPeopleCount, setMunicipalityCount, updatedSummary, setUpdatedSummary, refreshContextStats, }) => { debugLog && console.log('Percent of Interval passed:', timePassedInIntervalInPercent); // Get users and calculate users won in the last 15 minutes const prevCountUsers = statsSummary?.previous?.users; const currCountUsers = statsSummary?.users; const usersWonInInterval = diffCount(prevCountUsers, currCountUsers); const usersToAdd = Math.floor( usersWonInInterval * timePassedInIntervalInPercent ); debugLog && console.log('Users to add:', usersToAdd); // Get municiplaities and calculate users won in the last 15 minutes const prevCountMunicipalities = statsSummary?.previous?.municipalities; const currCountMunicipalities = statsSummary?.municipalities; const municipalitiesWonInInterval = diffCount( prevCountMunicipalities, currCountMunicipalities ); const municipalitiesToAdd = Math.floor( municipalitiesWonInInterval * timePassedInIntervalInPercent ); debugLog && console.log('Municipalities to add:', municipalitiesToAdd); if (timePassedInIntervalInPercent <= 1) { debugLog && console.log('Setting Users to:', prevCountUsers + usersToAdd); setPeopleCount(prevCountUsers + usersToAdd); debugLog && console.log( 'Setting Municipalities to:', prevCountMunicipalities + municipalitiesToAdd ); setMunicipalityCount(prevCountMunicipalities + municipalitiesToAdd); setTimeout(() => { setUpdatedSummary(updatedSummary + 1); }, 1000); } else { refreshContextStats(); } }; export const numberWithDots = (num = 0) => { return num.toString().replace(/\B(?=(\d{3})+(?!\d))/g, '.'); };
# Copyright 2021 Huawei Technologies Co., Ltd # # 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. # ============================================================================ """model""" import mindspore.nn as nn from encoder import Encoder, EncoderLayer, ConvLayer, EncoderStack from decoder import Decoder, DecoderLayer from attn import FullAttention, ProbAttention, AttentionLayer from embed import DataEmbedding class Informer(nn.Cell): """Informer""" def __init__(self, enc_in, dec_in, c_out, out_len, factor=5, d_model=512, n_heads=8, e_layers=3, d_layers=2, d_ff=512, dropout=0.0, attn='prob', embed='fixed', freq='h', activation='gelu', output_attention=False, distil=True, mix=True): super(Informer, self).__init__() self.pred_len = out_len self.attn = attn self.output_attention = output_attention # Encoding self.enc_embedding = DataEmbedding(enc_in, d_model, embed, freq, dropout) self.dec_embedding = DataEmbedding(dec_in, d_model, embed, freq, dropout) # Attention attn_f = ProbAttention if attn == 'prob' else FullAttention # Encoder self.encoder = Encoder( [ EncoderLayer( AttentionLayer(attn_f(False, factor, attention_dropout=dropout, output_attention=output_attention), d_model, n_heads, mix=False), d_model, d_ff, dropout=dropout, activation=activation ) for l in range(e_layers) ], [ ConvLayer( d_model ) for l in range(e_layers - 1) ] if distil else None, norm_layer=nn.LayerNorm(normalized_shape=d_model, epsilon=1e-05) ) # Decoder self.decoder = Decoder( [ DecoderLayer( AttentionLayer(attn_f(True, factor, attention_dropout=dropout, output_attention=False), d_model, n_heads, mix=mix), AttentionLayer(FullAttention(False, factor, attention_dropout=dropout, output_attention=False), d_model, n_heads, mix=False), d_model, d_ff, dropout=dropout, activation=activation, ) for l in range(d_layers) ], norm_layer=nn.LayerNorm(normalized_shape=d_model, epsilon=1e-05) ) # self.end_conv1 = nn.Conv1d(in_channels=label_len+out_len, out_channels=out_len, kernel_size=1, bias=True) # self.end_conv2 = nn.Conv1d(in_channels=d_model, out_channels=c_out, kernel_size=1, bias=True) self.projection = nn.Dense(in_channels=d_model, out_channels=c_out, has_bias=True) def construct(self, x_enc, x_mark_enc, x_dec, x_mark_dec, enc_self_mask=None, dec_self_mask=None, dec_enc_mask=None): """build""" enc_out = self.enc_embedding(x_enc, x_mark_enc) enc_out, attns = self.encoder(enc_out, attn_mask=enc_self_mask) dec_out = self.dec_embedding(x_dec, x_mark_dec) dec_out = self.decoder(dec_out, enc_out, x_mask=dec_self_mask, cross_mask=dec_enc_mask) dec_out = self.projection(dec_out) # dec_out = self.end_conv1(dec_out) # dec_out = self.end_conv2(dec_out.transpose(2,1)).transpose(1,2) if self.output_attention: return dec_out[:, -self.pred_len:, :], attns return dec_out[:, -self.pred_len:, :] # [B, L, D] class InformerStack(nn.Cell): """InformerStack""" def __init__(self, enc_in, dec_in, c_out, out_len, factor=5, d_model=512, n_heads=8, e_layers=(3, 2, 1), d_layers=2, d_ff=512, dropout=0.0, attn='prob', embed='fixed', freq='h', activation='gelu', output_attention=False, distil=True, mix=True): super(InformerStack, self).__init__() self.pred_len = out_len self.attn = attn self.output_attention = output_attention # Encoding self.enc_embedding = DataEmbedding(enc_in, d_model, embed, freq, dropout) self.dec_embedding = DataEmbedding(dec_in, d_model, embed, freq, dropout) # Attention attn_f = ProbAttention if attn == 'prob' else FullAttention # Encoder inp_lens = list(range(len(e_layers))) # [0,1,2,...] you can customize here encoders = [ Encoder( [ EncoderLayer( AttentionLayer( attn_f(False, factor, attention_dropout=dropout, output_attention=output_attention), d_model, n_heads, mix=False), d_model, d_ff, dropout=dropout, activation=activation ) for l in range(el) ], [ ConvLayer( d_model ) for l in range(el - 1) ] if distil else None, norm_layer=nn.LayerNorm(normalized_shape=d_model, epsilon=1e-05) ) for el in e_layers] self.encoder = EncoderStack(encoders, inp_lens) # Decoder self.decoder = Decoder( [ DecoderLayer( AttentionLayer(attn_f(True, factor, attention_dropout=dropout, output_attention=False), d_model, n_heads, mix=mix), AttentionLayer(FullAttention(False, factor, attention_dropout=dropout, output_attention=False), d_model, n_heads, mix=False), d_model, d_ff, dropout=dropout, activation=activation, ) for l in range(d_layers) ], norm_layer=nn.LayerNorm(normalized_shape=d_model, epsilon=1e-05) ) # self.end_conv1 = nn.Conv1d(in_channels=label_len+out_len, out_channels=out_len, kernel_size=1, bias=True) # self.end_conv2 = nn.Conv1d(in_channels=d_model, out_channels=c_out, kernel_size=1, bias=True) self.projection = nn.Dense(in_channels=d_model, out_channels=c_out, has_bias=True) def construct(self, x_enc, x_mark_enc, x_dec, x_mark_dec, dec_self_mask=None, dec_enc_mask=None): """build""" enc_out = self.enc_embedding(x_enc, x_mark_enc) enc_out, attns = self.encoder(enc_out) dec_out = self.dec_embedding(x_dec, x_mark_dec) dec_out = self.decoder(dec_out, enc_out, x_mask=dec_self_mask, cross_mask=dec_enc_mask) dec_out = self.projection(dec_out) # dec_out = self.end_conv1(dec_out) # dec_out = self.end_conv2(dec_out.transpose(2,1)).transpose(1,2) if self.output_attention: return dec_out[:, -self.pred_len:, :], attns return dec_out[:, -self.pred_len:, :] # [B, L, D]
'use strict'; // Declare app level module which depends on views, and components angular.module('myApp', [ 'ngRoute', 'myApp.gameboard', 'mancalagamefactory', 'minmaxalgorithmfactory', 'playerfactory', 'uiComponents', 'myApp.view2', 'myApp.version' ]). config(['$routeProvider', function ($routeProvider) { //console.log(GameLogic) $routeProvider.otherwise({redirectTo: '/gameboard'}); }]);
//snippet-sourcedescription:[<<FILENAME>> demonstrates how to ...] //snippet-keyword:[JavaScript] //snippet-keyword:[Code Sample] //snippet-keyword:[Amazon S3] //snippet-service:[s3] //snippet-sourcetype:[full-example] //snippet-sourcedate:[2018-06-02] //snippet-sourceauthor:[daviddeyo] // Copyright 2010-2018 Amazon.com, Inc. or its affiliates. All Rights Reserved. // Licensed under the Apache-2.0 License on an "AS IS" BASIS, WITHOUT WARRANTIES OF ANY KIND. // ABOUT THIS NODE.JS SAMPLE: This sample is part of the SDK for JavaScript Developer Guide topic at // https://docs.aws.amazon.com/sdk-for-javascript/v2/developer-guide/s3-example-creating-buckets.html // Load the AWS SDK for Node.js var AWS = require('aws-sdk'); // Set the region AWS.config.update({region: 'REGION'}); // Create S3 service object s3 = new AWS.S3({apiVersion: '2006-03-01'}); // Create params for S3.createBucket var bucketParams = { Bucket : 'BUCKET_NAME', }; // call S3 to delete the bucket s3.deleteBucket(bucketParams, function(err, data) { if (err) { console.log("Error", err); } else { console.log("Success", data); } });
var mongoose = require('mongoose') , Sport = require('../../models/sport') , Team = require('../../models/team') , Set = require('../../models/set') , Game = require('../../models/game') , Promise = require('bluebird') ; // Shuffle an array and return it function shuffle(o) { //v1.0 for(var j, x, i = o.length; i; j = Math.floor(Math.random() * i), x = o[--i], o[i] = o[j], o[j] = x); return o; }; // Create a set of games, given the sportID, the list of all team documents, // and the index label (week) for the set. // Returns a promise function createSet(conn, sportID, teams, week) { var promise = new Promise(function (resolve, reject) { var gameArray = []; setTitle = 'Week ' + String(week); shuffledList = shuffle(teams); for (var j=0; j<shuffledList.length-1; j = j+2) { // console.log(shuffledList[j].fullName(), ' vs. ', shuffledList[j+1].fullName()); gameArray.push({ date : new Date(2014, Math.floor(week / 4) + 1, 1 + (week % 7)*7), spread : Math.floor(Math.random() * 21) - 10, homeScore : Math.floor(Math.random() * 43), awayScore : Math.floor(Math.random() * 43), sportId : sportID, awayId : shuffledList[j]._id, homeId : shuffledList[j+1]._id }); } conn.model('Game').create(gameArray).then(function () { var games = arguments; conn.model('Set').create({ name : setTitle, sportId : sportID, games : Array.prototype.slice.call(games).map( function (gameObj) { return gameObj._id; } ) }).then(function () { resolve(); }); }); }); return promise; } // Adds dummy sets to the databse // Returns a promise var addSets = function(conn) { console.log('enter addSets'); var setTitle = '' , shuffledList , promiseArray = [] ; var promise = new Promise(function (resolve, reject) { // Get a list of every team, assume only NFL for now conn.model('Sport').findOne({name: 'NFL'}, function(err, sport) { conn.model('Team').populate(sport, {path: 'teams'}, function (err, sport) { for (var i=1; i<10; i++) { promiseArray.push(createSet(conn, sport._id, sport.teams, i)); } Promise.all(promiseArray).then(function() { resolve(); }); }); }); }); return promise; }; module.exports = addSets;
import Typography from "typography" const typography = new Typography({ googleFonts: [ { name: 'Nunito Sans', styles: [ '300', '400', '600', '700', '800', '900' ], }, ], baseFontSize: '10px', baseLineHeight: 1.666, headerFontFamily: ['Nunito Sans', 'sans-serif'], bodyFontFamily: ['Nunito Sans', 'sans-serif'], }) // Hot reload typography in development. if (process.env.NODE_ENV !== `production`) { typography.injectStyles() } export default typography export const rhythm = typography.rhythm export const scale = typography.scale
(function() { /** * @author mrdoob / http://mrdoob.com/ */ var EventDispatcher = function() {} EventDispatcher.prototype = { constructor: EventDispatcher, apply: function(object) { object.addEventListener = EventDispatcher.prototype.addEventListener; object.hasEventListener = EventDispatcher.prototype.hasEventListener; object.removeEventListener = EventDispatcher.prototype.removeEventListener; object.dispatchEvent = EventDispatcher.prototype.dispatchEvent; }, addEventListener: function(type, listener) { if (this._listeners === undefined) this._listeners = {}; var listeners = this._listeners; if (listeners[type] === undefined) { listeners[type] = []; } if (listeners[type].indexOf(listener) === -1) { listeners[type].push(listener); } }, hasEventListener: function(type, listener) { if (this._listeners === undefined) return false; var listeners = this._listeners; if (listeners[type] !== undefined && listeners[type].indexOf(listener) !== -1) { return true; } return false; }, removeEventListener: function(type, listener) { if (this._listeners === undefined) return; var listeners = this._listeners; var listenerArray = listeners[type]; if (listenerArray !== undefined) { var index = listenerArray.indexOf(listener); if (index !== -1) { listenerArray.splice(index, 1); } } }, dispatchEvent: function(event) { if (this._listeners === undefined) return; var listeners = this._listeners; var listenerArray = listeners[event.type]; if (listenerArray !== undefined) { event.target = this; var array = []; var length = listenerArray.length; for (var i = 0; i < length; i++) { array[i] = listenerArray[i]; } for (var i = 0; i < length; i++) { array[i].call(this, event); } } } }; var PANOMNOM = {} PANOMNOM.GOOGLEMAPSAPI = '//maps.google.com/maps/api/js?sensor=false'; PANOMNOM.GoogleStreetViewService = null; PANOMNOM.GoogleGeoCoder = null; PANOMNOM.Utils = { loadAsync: function(src, c) { var s = document.createElement('script'); s.type = 'text/javascript'; s.src = src; var x = document.getElementsByTagName('script')[0]; x.parentNode.insertBefore(s, x); s.addEventListener('load', c); }, getGoogleStreetViewService: function() { if (PANOMNOM.GoogleStreetViewService) return PANOMNOM.GoogleStreetViewService; PANOMNOM.GoogleStreetViewService = new google.maps.StreetViewService(); return PANOMNOM.GoogleStreetViewService; }, getGoogleGeoCoder: function() { if (PANOMNOM.GoogleGeoCoder) return PANOMNOM.GoogleGeoCoder; PANOMNOM.GoogleGeoCoder = new google.maps.Geocoder(); return PANOMNOM.GoogleGeoCoder; }, resolveAddress: function(address, callback) { var geocoder = this.getGoogleGeoCoder(); geocoder.geocode({ 'address': address }, function(results, status) { if (status == google.maps.GeocoderStatus.OK) { callback(results[0].geometry.location); } else { //showError("Geocode was not successful for the following reason: " + status); //showProgress( false ); } }); } }; PANOMNOM.Stitcher = function(canvas) { this.canvas = canvas; this.ctx = this.canvas.getContext('2d'); this.queue = []; this.toLoad = 0; this.loaded = 0; } PANOMNOM.Stitcher.prototype.reset = function() { this.toLoad = 0; this.loaded = 0; } PANOMNOM.Stitcher.prototype.addTileTask = function(task) { this.queue.push(task); this.toLoad++; } PANOMNOM.Stitcher.prototype.updateProgress = function() { var p = this.loaded * 100 / this.toLoad; this.dispatchEvent({ type: 'progress', message: p }); } PANOMNOM.Stitcher.prototype.processQueue = function() { this.updateProgress(); if (this.queue.length === 0) { this.dispatchEvent({ type: 'finished' }); return; } var task = this.queue.shift(); var img = new Image(); img.addEventListener('load', function() { this.loaded++; this.ctx.drawImage(img, 0, 0, img.naturalWidth, img.naturalHeight, task.x, task.y, 512, 512); this.processQueue(); img = null; }.bind(this)); img.addEventListener('error', function() { this.dispatchEvent({ type: 'error', message: 'images missing' }); this.processQueue(); img = null; }.bind(this)); img.crossOrigin = ''; img.src = task.url; } EventDispatcher.prototype.apply(PANOMNOM.Stitcher.prototype); PANOMNOM.Loader = function() { this.canvas = document.createElement('canvas'); this.ctx = this.canvas.getContext('2d'); this.stitcher = new PANOMNOM.Stitcher(this.canvas); this.stitcher.addEventListener('finished', function() { this.dispatchEvent({ type: 'load', message: 'Panorama loaded' }); }.bind(this)); this.stitcher.addEventListener('progress', function(e) { this.dispatchEvent({ type: 'progress', message: e.message }); }.bind(this)); } PANOMNOM.Loader.prototype.load = function() { } PANOMNOM.Loader.prototype.error = function(msg) { this.dispatchEvent({ type: 'error', message: msg }); } EventDispatcher.prototype.apply(PANOMNOM.Loader.prototype); PANOMNOM.GoogleStreetViewLoader = function() { PANOMNOM.Loader.call(this); this.service = PANOMNOM.Utils.getGoogleStreetViewService(); this.levelsW = [ 1, 2, 4, 8, 16, 32 ]; this.levelsH = [ 1, 1, 2, 4, 8, 16 ]; this.widths = [ 512, // 1024, // 2048, // 4096, // 8192, // 16384 // ]; this.heights = [ 416, 512, 1024, 2048, 4096, 8192 ]; this.zoom = 1; this.metadata = {}; } PANOMNOM.GoogleStreetViewLoader.prototype = Object.create(PANOMNOM.Loader.prototype); PANOMNOM.GoogleStreetViewLoader.prototype.load = function(id, zoom) { //console.log( 'Loading ' + id + ' ' + zoom ); if (zoom === undefined) { console.warn('No zoom provided, assuming 1'); zoom = 1; } this.zoom = zoom; this.panoId = id; //url = "http://maps.google.com/cbk?output=json&hl=x-local&cb_client=maps_sv&v=4&dm=1&pm=1&ph=1&hl=en&panoid=" + id this.service.getPanoramaById(id, function(result, status) { if (result === null) { this.error('Can\'t load panorama information'); return; } this.metadata = result; /* tiles.worldSize.width = 13312 tiles.worldSize.height = 6656 tiles.tileSize.width = 512 tiles.tileSize.height = 512 */ var w = this.metadata.tiles.worldSize.width; var h = this.metadata.tiles.worldSize.height; this.tilesW = []; this.tilesH = []; this.widths = []; this.heights = []; var level = 0; do{ if(level){ w /= 2; h /= 2; } this.widths.unshift(w); this.heights.unshift(h); this.tilesW.unshift(Math.ceil(w/this.metadata.tiles.tileSize.width)); this.tilesH.unshift(Math.ceil(h/this.metadata.tiles.tileSize.height)); level++; }while(this.tilesW[0] > 1); this.canvas.width = this.widths[this.zoom]; this.canvas.height = this.heights[this.zoom]; for (var y = 0; y < this.tilesH[zoom]; y++) { for (var x = 0; x < this.tilesW[zoom]; x++) { var url = 'https://geo0.ggpht.com/cbk?cb_client=maps_sv.tactile&authuser=0&hl=en&panoid=' + id + '&output=tile&x=' + x + '&y=' + y + '&zoom=' + this.zoom + '&nbt&fover=2'; //var url = 'https://cbks2.google.com/cbk?cb_client=maps_sv.tactile&authuser=0&hl=en&panoid=' + id + '&output=tile&zoom=' + zoom + '&x=' + x + '&y=' + y + '&' + Date.now(); this.stitcher.addTileTask({ url: url, x: x * this.metadata.tiles.tileSize.width, y: y * this.metadata.tiles.tileSize.height }); } } this.dispatchEvent({ type: 'data', message: result }); this.stitcher.processQueue(); console.log( 'Panorama metadata:', result ); }.bind(this)); } PANOMNOM.GoogleStreetViewLoader.prototype.loadFromLocation = function(location, zoom) { this.getIdByLocation( location, function(id) { this.load(id, zoom); }.bind(this) ); } function getQueryVariable(query, variable) { var vars = query.split('&'); for (var i = 0; i < vars.length; i++) { var pair = vars[i].split('='); if (decodeURIComponent(pair[0]) == variable) { return decodeURIComponent(pair[1]); } } //console.log('Query variable %s not found', variable); } PANOMNOM.GoogleStreetViewLoader.prototype.loadFromURL = function(url, zoom) { if (url.indexOf('panoid') != -1) { // https://maps.google.com/?ll=40.741352,-73.986096&spn=0.002248,0.004372&t=m&z=18&layer=c&cbll=40.741825,-73.986315&panoid=NOMYgwQ4YfVqMJogsbMcrg&cbp=12,208.53,,0,6.03 var panoId = getQueryVariable(url, 'panoid'); this.load(panoId, 2); } else if (url.indexOf('!1s') != -1) { var pos = url.indexOf('!1s') + 3; var npos = url.substr(pos).indexOf('!'); var panoId = url.substr(pos, npos); this.load(panoId, zoom); // https://www.google.com/maps/preview?authuser=0#!q=Eleanor+Roosevelt+Playground&data=!1m8!1m3!1d3!2d-73.935845!3d40.693159!2m2!1f170.65!2f90!4f75!2m4!1e1!2m2!1s0Zn7rPD9Q4KOhRyEugT1qA!2e0!4m15!2m14!1m13!1s0x0%3A0x63459d24c457bec7!3m8!1m3!1d11440!2d-73.9085059!3d40.6833656!3m2!1i1329!2i726!4f13.1!4m2!3d40.6929389!4d-73.9357996&fid=5 } else { this.dispatchEvent({ type: 'error', message: 'can\'t find panorama id in specified URL' }); } } PANOMNOM.GoogleStreetViewLoader.prototype.getIdByLocation = function(location, callback) { /*PANOMNOM.GoogleStreetViewService.getPanoramaByLocation( location, 50, function( result, status ) { if( status === google.maps.StreetViewStatus.OK ) { console.log( result ); c( result.location.pano ); } } ); return;*/ var url = 'https://cbks0.google.com/cbk?cb_client=maps_sv.tactile&authuser=0&hl=en&output=polygon&it=1%3A1&rank=closest&ll=' + location.lat() + ',' + location.lng() + '&radius=50'; var http_request = new XMLHttpRequest(); http_request.open('GET', url, true); http_request.onreadystatechange = function() { if (http_request.readyState == 4 && http_request.status == 200) { var data = JSON.parse(http_request.responseText); //console.log( data ); if (!data || !data.result || data.result.length === 0) { this.error('No panoramas around location'); } else { callback(data.result[0].id); } } }.bind(this); http_request.send(null); } var Base64 = { _keyStr: "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/=", encode: function(e) { var t = ""; var n, r, i, s, o, u, a; var f = 0; e = Base64._utf8_encode(e); while (f < e.length) { n = e.charCodeAt(f++); r = e.charCodeAt(f++); i = e.charCodeAt(f++); s = n >> 2; o = (n & 3) << 4 | r >> 4; u = (r & 15) << 2 | i >> 6; a = i & 63; if (isNaN(r)) { u = a = 64 } else if (isNaN(i)) { a = 64 } t = t + this._keyStr.charAt(s) + this._keyStr.charAt(o) + this._keyStr.charAt(u) + this._keyStr.charAt(a) } return t }, decode: function(e) { var t = ""; var n, r, i; var s, o, u, a; var f = 0; e = e.replace(/[^A-Za-z0-9\+\/\=]/g, ""); while (f < e.length) { s = this._keyStr.indexOf(e.charAt(f++)); o = this._keyStr.indexOf(e.charAt(f++)); u = this._keyStr.indexOf(e.charAt(f++)); a = this._keyStr.indexOf(e.charAt(f++)); n = s << 2 | o >> 4; r = (o & 15) << 4 | u >> 2; i = (u & 3) << 6 | a; t = t + String.fromCharCode(n); if (u != 64) { t = t + String.fromCharCode(r) } if (a != 64) { t = t + String.fromCharCode(i) } } t = Base64._utf8_decode(t); return t }, _utf8_encode: function(e) { e = e.replace(/\r\n/g, "\n"); var t = ""; for (var n = 0; n < e.length; n++) { var r = e.charCodeAt(n); if (r < 128) { t += String.fromCharCode(r) } else if (r > 127 && r < 2048) { t += String.fromCharCode(r >> 6 | 192); t += String.fromCharCode(r & 63 | 128) } else { t += String.fromCharCode(r >> 12 | 224); t += String.fromCharCode(r >> 6 & 63 | 128); t += String.fromCharCode(r & 63 | 128) } } return t }, _utf8_decode: function(e) { var t = ""; var n = 0; var r = c1 = c2 = 0; while (n < e.length) { r = e.charCodeAt(n); if (r < 128) { t += String.fromCharCode(r); n++ } else if (r > 191 && r < 224) { c2 = e.charCodeAt(n + 1); t += String.fromCharCode((r & 31) << 6 | c2 & 63); n += 2 } else { c2 = e.charCodeAt(n + 1); c3 = e.charCodeAt(n + 2); t += String.fromCharCode((r & 15) << 12 | (c2 & 63) << 6 | c3 & 63); n += 3 } } return t } } PANOMNOM.GoogleStreetViewLoader.prototype.extractDepthData = function(map) { var rawDepthMap = map; while (rawDepthMap.length % 4 != 0) rawDepthMap += '='; // Replace '-' by '+' and '_' by '/' rawDepthMap = rawDepthMap.replace(/-/g, '+'); rawDepthMap = rawDepthMap.replace(/_/g, '/'); document.body.textContent = rawDepthMap; var decompressed = zpipe.inflate($.base64.decode(rawDepthMap)); var depthMap = new Uint8Array(decompressed.length); for (i = 0; i < decompressed.length; ++i) depthMap[i] = decompressed.charCodeAt(i); console.log(depthMap); } PANOMNOM.GooglePhotoSphereLoader = function() { PANOMNOM.Loader.call(this); this.service = PANOMNOM.Utils.getGoogleStreetViewService(); } PANOMNOM.GooglePhotoSphereLoader.prototype = Object.create(PANOMNOM.Loader.prototype); PANOMNOM.GooglePhotoSphereLoader.prototype.loadFromURL = function(url, zoom) { if (url.indexOf('!1s') != -1) { var pos = url.indexOf('!1s') + 3; var npos = url.substr(pos).indexOf('!'); var panoId = url.substr(pos, npos); this.load(panoId, zoom); // https://www.google.com/maps/preview?authuser=0#!q=Eleanor+Roosevelt+Playground&data=!1m8!1m3!1d3!2d-73.935845!3d40.693159!2m2!1f170.65!2f90!4f75!2m4!1e1!2m2!1s0Zn7rPD9Q4KOhRyEugT1qA!2e0!4m15!2m14!1m13!1s0x0%3A0x63459d24c457bec7!3m8!1m3!1d11440!2d-73.9085059!3d40.6833656!3m2!1i1329!2i726!4f13.1!4m2!3d40.6929389!4d-73.9357996&fid=5 } }; PANOMNOM.GooglePhotoSphereLoader.prototype.load = function(id, zoom) { //console.log( 'Loading ' + id + ' ' + zoom ); this.zoom = zoom; this.panoId = id; this.service.getPanoramaById(id, function(result, status) { if (result === null) { this.error('Can\'t load panorama information'); return; } var nearestZoom = Math.floor(Math.log(result.tiles.worldSize.width / result.tiles.tileSize.width) / Math.log(2)); this.canvas.width = result.tiles.worldSize.width * Math.pow(2, zoom - 1) / Math.pow(2, nearestZoom); this.canvas.height = result.tiles.worldSize.height * Math.pow(2, zoom - 1) / Math.pow(2, nearestZoom); var w = this.canvas.width / result.tiles.tileSize.width, h = this.canvas.height / result.tiles.tileSize.height; //console.log(nearestZoom, w, h, result.tiles.worldSize.width, result.tiles.worldSize.height, this.canvas.width, this.canvas.height ); for (var y = 0; y < h; y++) { for (var x = 0; x < w; x++) { var url = 'https://geo1.ggpht.com/cbk?cb_client=maps_sv.tactile&authuser=0&hl=en&panoid=' + id + '&output=tile&x=' + x + '&y=' + y + '&zoom=' + zoom + '&nbt&fover=2'; this.stitcher.addTileTask({ url: url, x: x * result.tiles.tileSize.width, y: y * result.tiles.tileSize.height, }); } } this.stitcher.processQueue(); //console.log( result ); }.bind(this)); } window.PANOMNOM = PANOMNOM; })();
webpackJsonp([0],{"++K3":function(e,t){var n,i,r,o,s,a,l,u,c,d,f,h,p,m,v,g=!1;function y(){if(!g){g=!0;var e=navigator.userAgent,t=/(?:MSIE.(\d+\.\d+))|(?:(?:Firefox|GranParadiso|Iceweasel).(\d+\.\d+))|(?:Opera(?:.+Version.|.)(\d+\.\d+))|(?:AppleWebKit.(\d+(?:\.\d+)?))|(?:Trident\/\d+\.\d+.*rv:(\d+\.\d+))/.exec(e),y=/(Mac OS X)|(Windows)|(Linux)/.exec(e);if(h=/\b(iPhone|iP[ao]d)/.exec(e),p=/\b(iP[ao]d)/.exec(e),d=/Android/i.exec(e),m=/FBAN\/\w+;/i.exec(e),v=/Mobile/i.exec(e),f=!!/Win64/.exec(e),t){(n=t[1]?parseFloat(t[1]):t[5]?parseFloat(t[5]):NaN)&&document&&document.documentMode&&(n=document.documentMode);var b=/(?:Trident\/(\d+.\d+))/.exec(e);a=b?parseFloat(b[1])+4:n,i=t[2]?parseFloat(t[2]):NaN,r=t[3]?parseFloat(t[3]):NaN,(o=t[4]?parseFloat(t[4]):NaN)?(t=/(?:Chrome\/(\d+\.\d+))/.exec(e),s=t&&t[1]?parseFloat(t[1]):NaN):s=NaN}else n=i=r=s=o=NaN;if(y){if(y[1]){var _=/(?:Mac OS X (\d+(?:[._]\d+)?))/.exec(e);l=!_||parseFloat(_[1].replace("_","."))}else l=!1;u=!!y[2],c=!!y[3]}else l=u=c=!1}}var b={ie:function(){return y()||n},ieCompatibilityMode:function(){return y()||a>n},ie64:function(){return b.ie()&&f},firefox:function(){return y()||i},opera:function(){return y()||r},webkit:function(){return y()||o},safari:function(){return b.webkit()},chrome:function(){return y()||s},windows:function(){return y()||u},osx:function(){return y()||l},linux:function(){return y()||c},iphone:function(){return y()||h},mobile:function(){return y()||h||p||d||v},nativeApp:function(){return y()||m},android:function(){return y()||d},ipad:function(){return y()||p}};e.exports=b},"+E39":function(e,t,n){e.exports=!n("S82l")(function(){return 7!=Object.defineProperty({},"a",{get:function(){return 7}}).a})},"+ZMJ":function(e,t,n){var i=n("lOnJ");e.exports=function(e,t,n){if(i(e),void 0===t)return e;switch(n){case 1:return function(n){return e.call(t,n)};case 2:return function(n,i){return e.call(t,n,i)};case 3:return function(n,i,r){return e.call(t,n,i,r)}}return function(){return e.apply(t,arguments)}}},"+tPU":function(e,t,n){n("xGkn");for(var i=n("7KvD"),r=n("hJx8"),o=n("/bQp"),s=n("dSzd")("toStringTag"),a="CSSRuleList,CSSStyleDeclaration,CSSValueList,ClientRectList,DOMRectList,DOMStringList,DOMTokenList,DataTransferItemList,FileList,HTMLAllCollection,HTMLCollection,HTMLFormElement,HTMLSelectElement,MediaList,MimeTypeArray,NamedNodeMap,NodeList,PaintRequestList,Plugin,PluginArray,SVGLengthList,SVGNumberList,SVGPathSegList,SVGPointList,SVGStringList,SVGTransformList,SourceBufferList,StyleSheetList,TextTrackCueList,TextTrackList,TouchList".split(","),l=0;l<a.length;l++){var u=a[l],c=i[u],d=c&&c.prototype;d&&!d[s]&&r(d,s,u),o[u]=o.Array}},"/bQp":function(e,t){e.exports={}},"/n6Q":function(e,t,n){n("zQR9"),n("+tPU"),e.exports=n("Kh4W").f("iterator")},"/ocq":function(e,t,n){"use strict"; /** * vue-router v3.0.1 * (c) 2017 Evan You * @license MIT */function i(e,t){0}function r(e){return Object.prototype.toString.call(e).indexOf("Error")>-1}var o={name:"router-view",functional:!0,props:{name:{type:String,default:"default"}},render:function(e,t){var n=t.props,i=t.children,r=t.parent,o=t.data;o.routerView=!0;for(var s=r.$createElement,a=n.name,l=r.$route,u=r._routerViewCache||(r._routerViewCache={}),c=0,d=!1;r&&r._routerRoot!==r;)r.$vnode&&r.$vnode.data.routerView&&c++,r._inactive&&(d=!0),r=r.$parent;if(o.routerViewDepth=c,d)return s(u[a],o,i);var f=l.matched[c];if(!f)return u[a]=null,s();var h=u[a]=f.components[a];o.registerRouteInstance=function(e,t){var n=f.instances[a];(t&&n!==e||!t&&n===e)&&(f.instances[a]=t)},(o.hook||(o.hook={})).prepatch=function(e,t){f.instances[a]=t.componentInstance};var p=o.props=function(e,t){switch(typeof t){case"undefined":return;case"object":return t;case"function":return t(e);case"boolean":return t?e.params:void 0;default:0}}(l,f.props&&f.props[a]);if(p){p=o.props=function(e,t){for(var n in t)e[n]=t[n];return e}({},p);var m=o.attrs=o.attrs||{};for(var v in p)h.props&&v in h.props||(m[v]=p[v],delete p[v])}return s(h,o,i)}};var s=/[!'()*]/g,a=function(e){return"%"+e.charCodeAt(0).toString(16)},l=/%2C/g,u=function(e){return encodeURIComponent(e).replace(s,a).replace(l,",")},c=decodeURIComponent;function d(e){var t={};return(e=e.trim().replace(/^(\?|#|&)/,""))?(e.split("&").forEach(function(e){var n=e.replace(/\+/g," ").split("="),i=c(n.shift()),r=n.length>0?c(n.join("=")):null;void 0===t[i]?t[i]=r:Array.isArray(t[i])?t[i].push(r):t[i]=[t[i],r]}),t):t}function f(e){var t=e?Object.keys(e).map(function(t){var n=e[t];if(void 0===n)return"";if(null===n)return u(t);if(Array.isArray(n)){var i=[];return n.forEach(function(e){void 0!==e&&(null===e?i.push(u(t)):i.push(u(t)+"="+u(e)))}),i.join("&")}return u(t)+"="+u(n)}).filter(function(e){return e.length>0}).join("&"):null;return t?"?"+t:""}var h=/\/?$/;function p(e,t,n,i){var r=i&&i.options.stringifyQuery,o=t.query||{};try{o=m(o)}catch(e){}var s={name:t.name||e&&e.name,meta:e&&e.meta||{},path:t.path||"/",hash:t.hash||"",query:o,params:t.params||{},fullPath:g(t,r),matched:e?function(e){var t=[];for(;e;)t.unshift(e),e=e.parent;return t}(e):[]};return n&&(s.redirectedFrom=g(n,r)),Object.freeze(s)}function m(e){if(Array.isArray(e))return e.map(m);if(e&&"object"==typeof e){var t={};for(var n in e)t[n]=m(e[n]);return t}return e}var v=p(null,{path:"/"});function g(e,t){var n=e.path,i=e.query;void 0===i&&(i={});var r=e.hash;return void 0===r&&(r=""),(n||"/")+(t||f)(i)+r}function y(e,t){return t===v?e===t:!!t&&(e.path&&t.path?e.path.replace(h,"")===t.path.replace(h,"")&&e.hash===t.hash&&b(e.query,t.query):!(!e.name||!t.name)&&(e.name===t.name&&e.hash===t.hash&&b(e.query,t.query)&&b(e.params,t.params)))}function b(e,t){if(void 0===e&&(e={}),void 0===t&&(t={}),!e||!t)return e===t;var n=Object.keys(e),i=Object.keys(t);return n.length===i.length&&n.every(function(n){var i=e[n],r=t[n];return"object"==typeof i&&"object"==typeof r?b(i,r):String(i)===String(r)})}var _,x=[String,Object],C=[String,Array],w={name:"router-link",props:{to:{type:x,required:!0},tag:{type:String,default:"a"},exact:Boolean,append:Boolean,replace:Boolean,activeClass:String,exactActiveClass:String,event:{type:C,default:"click"}},render:function(e){var t=this,n=this.$router,i=this.$route,r=n.resolve(this.to,i,this.append),o=r.location,s=r.route,a=r.href,l={},u=n.options.linkActiveClass,c=n.options.linkExactActiveClass,d=null==u?"router-link-active":u,f=null==c?"router-link-exact-active":c,m=null==this.activeClass?d:this.activeClass,v=null==this.exactActiveClass?f:this.exactActiveClass,g=o.path?p(null,o,null,n):s;l[v]=y(i,g),l[m]=this.exact?l[v]:function(e,t){return 0===e.path.replace(h,"/").indexOf(t.path.replace(h,"/"))&&(!t.hash||e.hash===t.hash)&&function(e,t){for(var n in t)if(!(n in e))return!1;return!0}(e.query,t.query)}(i,g);var b=function(e){k(e)&&(t.replace?n.replace(o):n.push(o))},x={click:k};Array.isArray(this.event)?this.event.forEach(function(e){x[e]=b}):x[this.event]=b;var C={class:l};if("a"===this.tag)C.on=x,C.attrs={href:a};else{var w=function e(t){if(t)for(var n,i=0;i<t.length;i++){if("a"===(n=t[i]).tag)return n;if(n.children&&(n=e(n.children)))return n}}(this.$slots.default);if(w){w.isStatic=!1;var S=_.util.extend;(w.data=S({},w.data)).on=x,(w.data.attrs=S({},w.data.attrs)).href=a}else C.on=x}return e(this.tag,C,this.$slots.default)}};function k(e){if(!(e.metaKey||e.altKey||e.ctrlKey||e.shiftKey||e.defaultPrevented||void 0!==e.button&&0!==e.button)){if(e.currentTarget&&e.currentTarget.getAttribute){var t=e.currentTarget.getAttribute("target");if(/\b_blank\b/i.test(t))return}return e.preventDefault&&e.preventDefault(),!0}}function S(e){if(!S.installed||_!==e){S.installed=!0,_=e;var t=function(e){return void 0!==e},n=function(e,n){var i=e.$options._parentVnode;t(i)&&t(i=i.data)&&t(i=i.registerRouteInstance)&&i(e,n)};e.mixin({beforeCreate:function(){t(this.$options.router)?(this._routerRoot=this,this._router=this.$options.router,this._router.init(this),e.util.defineReactive(this,"_route",this._router.history.current)):this._routerRoot=this.$parent&&this.$parent._routerRoot||this,n(this,this)},destroyed:function(){n(this)}}),Object.defineProperty(e.prototype,"$router",{get:function(){return this._routerRoot._router}}),Object.defineProperty(e.prototype,"$route",{get:function(){return this._routerRoot._route}}),e.component("router-view",o),e.component("router-link",w);var i=e.config.optionMergeStrategies;i.beforeRouteEnter=i.beforeRouteLeave=i.beforeRouteUpdate=i.created}}var $="undefined"!=typeof window;function M(e,t,n){var i=e.charAt(0);if("/"===i)return e;if("?"===i||"#"===i)return t+e;var r=t.split("/");n&&r[r.length-1]||r.pop();for(var o=e.replace(/^\//,"").split("/"),s=0;s<o.length;s++){var a=o[s];".."===a?r.pop():"."!==a&&r.push(a)}return""!==r[0]&&r.unshift(""),r.join("/")}function E(e){return e.replace(/\/\//g,"/")}var O=Array.isArray||function(e){return"[object Array]"==Object.prototype.toString.call(e)},T=q,D=A,P=function(e,t){return R(A(e,t))},N=R,I=H,F=new RegExp(["(\\\\.)","([\\/.])?(?:(?:\\:(\\w+)(?:\\(((?:\\\\.|[^\\\\()])+)\\))?|\\(((?:\\\\.|[^\\\\()])+)\\))([+*?])?|(\\*))"].join("|"),"g");function A(e,t){for(var n,i=[],r=0,o=0,s="",a=t&&t.delimiter||"/";null!=(n=F.exec(e));){var l=n[0],u=n[1],c=n.index;if(s+=e.slice(o,c),o=c+l.length,u)s+=u[1];else{var d=e[o],f=n[2],h=n[3],p=n[4],m=n[5],v=n[6],g=n[7];s&&(i.push(s),s="");var y=null!=f&&null!=d&&d!==f,b="+"===v||"*"===v,_="?"===v||"*"===v,x=n[2]||a,C=p||m;i.push({name:h||r++,prefix:f||"",delimiter:x,optional:_,repeat:b,partial:y,asterisk:!!g,pattern:C?B(C):g?".*":"[^"+V(x)+"]+?"})}}return o<e.length&&(s+=e.substr(o)),s&&i.push(s),i}function L(e){return encodeURI(e).replace(/[\/?#]/g,function(e){return"%"+e.charCodeAt(0).toString(16).toUpperCase()})}function R(e){for(var t=new Array(e.length),n=0;n<e.length;n++)"object"==typeof e[n]&&(t[n]=new RegExp("^(?:"+e[n].pattern+")$"));return function(n,i){for(var r="",o=n||{},s=(i||{}).pretty?L:encodeURIComponent,a=0;a<e.length;a++){var l=e[a];if("string"!=typeof l){var u,c=o[l.name];if(null==c){if(l.optional){l.partial&&(r+=l.prefix);continue}throw new TypeError('Expected "'+l.name+'" to be defined')}if(O(c)){if(!l.repeat)throw new TypeError('Expected "'+l.name+'" to not repeat, but received `'+JSON.stringify(c)+"`");if(0===c.length){if(l.optional)continue;throw new TypeError('Expected "'+l.name+'" to not be empty')}for(var d=0;d<c.length;d++){if(u=s(c[d]),!t[a].test(u))throw new TypeError('Expected all "'+l.name+'" to match "'+l.pattern+'", but received `'+JSON.stringify(u)+"`");r+=(0===d?l.prefix:l.delimiter)+u}}else{if(u=l.asterisk?encodeURI(c).replace(/[?#]/g,function(e){return"%"+e.charCodeAt(0).toString(16).toUpperCase()}):s(c),!t[a].test(u))throw new TypeError('Expected "'+l.name+'" to match "'+l.pattern+'", but received "'+u+'"');r+=l.prefix+u}}else r+=l}return r}}function V(e){return e.replace(/([.+*?=^!:${}()[\]|\/\\])/g,"\\$1")}function B(e){return e.replace(/([=!:$\/()])/g,"\\$1")}function j(e,t){return e.keys=t,e}function z(e){return e.sensitive?"":"i"}function H(e,t,n){O(t)||(n=t||n,t=[]);for(var i=(n=n||{}).strict,r=!1!==n.end,o="",s=0;s<e.length;s++){var a=e[s];if("string"==typeof a)o+=V(a);else{var l=V(a.prefix),u="(?:"+a.pattern+")";t.push(a),a.repeat&&(u+="(?:"+l+u+")*"),o+=u=a.optional?a.partial?l+"("+u+")?":"(?:"+l+"("+u+"))?":l+"("+u+")"}}var c=V(n.delimiter||"/"),d=o.slice(-c.length)===c;return i||(o=(d?o.slice(0,-c.length):o)+"(?:"+c+"(?=$))?"),o+=r?"$":i&&d?"":"(?="+c+"|$)",j(new RegExp("^"+o,z(n)),t)}function q(e,t,n){return O(t)||(n=t||n,t=[]),n=n||{},e instanceof RegExp?function(e,t){var n=e.source.match(/\((?!\?)/g);if(n)for(var i=0;i<n.length;i++)t.push({name:i,prefix:null,delimiter:null,optional:!1,repeat:!1,partial:!1,asterisk:!1,pattern:null});return j(e,t)}(e,t):O(e)?function(e,t,n){for(var i=[],r=0;r<e.length;r++)i.push(q(e[r],t,n).source);return j(new RegExp("(?:"+i.join("|")+")",z(n)),t)}(e,t,n):function(e,t,n){return H(A(e,n),t,n)}(e,t,n)}T.parse=D,T.compile=P,T.tokensToFunction=N,T.tokensToRegExp=I;var W=Object.create(null);function K(e,t,n){try{return(W[e]||(W[e]=T.compile(e)))(t||{},{pretty:!0})}catch(e){return""}}function U(e,t,n,i){var r=t||[],o=n||Object.create(null),s=i||Object.create(null);e.forEach(function(e){!function e(t,n,i,r,o,s){var a=r.path;var l=r.name;0;var u=r.pathToRegexpOptions||{};var c=function(e,t,n){n||(e=e.replace(/\/$/,""));if("/"===e[0])return e;if(null==t)return e;return E(t.path+"/"+e)}(a,o,u.strict);"boolean"==typeof r.caseSensitive&&(u.sensitive=r.caseSensitive);var d={path:c,regex:function(e,t){var n=T(e,[],t);return n}(c,u),components:r.components||{default:r.component},instances:{},name:l,parent:o,matchAs:s,redirect:r.redirect,beforeEnter:r.beforeEnter,meta:r.meta||{},props:null==r.props?{}:r.components?r.props:{default:r.props}};r.children&&r.children.forEach(function(r){var o=s?E(s+"/"+r.path):void 0;e(t,n,i,r,d,o)});if(void 0!==r.alias){var f=Array.isArray(r.alias)?r.alias:[r.alias];f.forEach(function(s){var a={path:s,children:r.children};e(t,n,i,a,o,d.path||"/")})}n[d.path]||(t.push(d.path),n[d.path]=d);l&&(i[l]||(i[l]=d))}(r,o,s,e)});for(var a=0,l=r.length;a<l;a++)"*"===r[a]&&(r.push(r.splice(a,1)[0]),l--,a--);return{pathList:r,pathMap:o,nameMap:s}}function G(e,t,n,i){var r="string"==typeof e?{path:e}:e;if(r.name||r._normalized)return r;if(!r.path&&r.params&&t){(r=Y({},r))._normalized=!0;var o=Y(Y({},t.params),r.params);if(t.name)r.name=t.name,r.params=o;else if(t.matched.length){var s=t.matched[t.matched.length-1].path;r.path=K(s,o,t.path)}else 0;return r}var a=function(e){var t="",n="",i=e.indexOf("#");i>=0&&(t=e.slice(i),e=e.slice(0,i));var r=e.indexOf("?");return r>=0&&(n=e.slice(r+1),e=e.slice(0,r)),{path:e,query:n,hash:t}}(r.path||""),l=t&&t.path||"/",u=a.path?M(a.path,l,n||r.append):l,c=function(e,t,n){void 0===t&&(t={});var i,r=n||d;try{i=r(e||"")}catch(e){i={}}for(var o in t)i[o]=t[o];return i}(a.query,r.query,i&&i.options.parseQuery),f=r.hash||a.hash;return f&&"#"!==f.charAt(0)&&(f="#"+f),{_normalized:!0,path:u,query:c,hash:f}}function Y(e,t){for(var n in t)e[n]=t[n];return e}function X(e,t){var n=U(e),i=n.pathList,r=n.pathMap,o=n.nameMap;function s(e,n,s){var a=G(e,n,!1,t),u=a.name;if(u){var c=o[u];if(!c)return l(null,a);var d=c.regex.keys.filter(function(e){return!e.optional}).map(function(e){return e.name});if("object"!=typeof a.params&&(a.params={}),n&&"object"==typeof n.params)for(var f in n.params)!(f in a.params)&&d.indexOf(f)>-1&&(a.params[f]=n.params[f]);if(c)return a.path=K(c.path,a.params),l(c,a,s)}else if(a.path){a.params={};for(var h=0;h<i.length;h++){var p=i[h],m=r[p];if(J(m.regex,a.path,a.params))return l(m,a,s)}}return l(null,a)}function a(e,n){var i=e.redirect,r="function"==typeof i?i(p(e,n,null,t)):i;if("string"==typeof r&&(r={path:r}),!r||"object"!=typeof r)return l(null,n);var a=r,u=a.name,c=a.path,d=n.query,f=n.hash,h=n.params;if(d=a.hasOwnProperty("query")?a.query:d,f=a.hasOwnProperty("hash")?a.hash:f,h=a.hasOwnProperty("params")?a.params:h,u){o[u];return s({_normalized:!0,name:u,query:d,hash:f,params:h},void 0,n)}if(c){var m=function(e,t){return M(e,t.parent?t.parent.path:"/",!0)}(c,e);return s({_normalized:!0,path:K(m,h),query:d,hash:f},void 0,n)}return l(null,n)}function l(e,n,i){return e&&e.redirect?a(e,i||n):e&&e.matchAs?function(e,t,n){var i=s({_normalized:!0,path:K(n,t.params)});if(i){var r=i.matched,o=r[r.length-1];return t.params=i.params,l(o,t)}return l(null,t)}(0,n,e.matchAs):p(e,n,i,t)}return{match:s,addRoutes:function(e){U(e,i,r,o)}}}function J(e,t,n){var i=t.match(e);if(!i)return!1;if(!n)return!0;for(var r=1,o=i.length;r<o;++r){var s=e.keys[r-1],a="string"==typeof i[r]?decodeURIComponent(i[r]):i[r];s&&(n[s.name]=a)}return!0}var Q=Object.create(null);function Z(){window.history.replaceState({key:de()},""),window.addEventListener("popstate",function(e){var t;te(),e.state&&e.state.key&&(t=e.state.key,ue=t)})}function ee(e,t,n,i){if(e.app){var r=e.options.scrollBehavior;r&&e.app.$nextTick(function(){var e=function(){var e=de();if(e)return Q[e]}(),o=r(t,n,i?e:null);o&&("function"==typeof o.then?o.then(function(t){oe(t,e)}).catch(function(e){0}):oe(o,e))})}}function te(){var e=de();e&&(Q[e]={x:window.pageXOffset,y:window.pageYOffset})}function ne(e){return re(e.x)||re(e.y)}function ie(e){return{x:re(e.x)?e.x:window.pageXOffset,y:re(e.y)?e.y:window.pageYOffset}}function re(e){return"number"==typeof e}function oe(e,t){var n,i="object"==typeof e;if(i&&"string"==typeof e.selector){var r=document.querySelector(e.selector);if(r){var o=e.offset&&"object"==typeof e.offset?e.offset:{};t=function(e,t){var n=document.documentElement.getBoundingClientRect(),i=e.getBoundingClientRect();return{x:i.left-n.left-t.x,y:i.top-n.top-t.y}}(r,o={x:re((n=o).x)?n.x:0,y:re(n.y)?n.y:0})}else ne(e)&&(t=ie(e))}else i&&ne(e)&&(t=ie(e));t&&window.scrollTo(t.x,t.y)}var se,ae=$&&((-1===(se=window.navigator.userAgent).indexOf("Android 2.")&&-1===se.indexOf("Android 4.0")||-1===se.indexOf("Mobile Safari")||-1!==se.indexOf("Chrome")||-1!==se.indexOf("Windows Phone"))&&window.history&&"pushState"in window.history),le=$&&window.performance&&window.performance.now?window.performance:Date,ue=ce();function ce(){return le.now().toFixed(3)}function de(){return ue}function fe(e,t){te();var n=window.history;try{t?n.replaceState({key:ue},"",e):(ue=ce(),n.pushState({key:ue},"",e))}catch(n){window.location[t?"replace":"assign"](e)}}function he(e){fe(e,!0)}function pe(e,t,n){var i=function(r){r>=e.length?n():e[r]?t(e[r],function(){i(r+1)}):i(r+1)};i(0)}function me(e){return function(t,n,i){var o=!1,s=0,a=null;ve(e,function(e,t,n,l){if("function"==typeof e&&void 0===e.cid){o=!0,s++;var u,c=be(function(t){var r;((r=t).__esModule||ye&&"Module"===r[Symbol.toStringTag])&&(t=t.default),e.resolved="function"==typeof t?t:_.extend(t),n.components[l]=t,--s<=0&&i()}),d=be(function(e){var t="Failed to resolve async component "+l+": "+e;a||(a=r(e)?e:new Error(t),i(a))});try{u=e(c,d)}catch(e){d(e)}if(u)if("function"==typeof u.then)u.then(c,d);else{var f=u.component;f&&"function"==typeof f.then&&f.then(c,d)}}}),o||i()}}function ve(e,t){return ge(e.map(function(e){return Object.keys(e.components).map(function(n){return t(e.components[n],e.instances[n],e,n)})}))}function ge(e){return Array.prototype.concat.apply([],e)}var ye="function"==typeof Symbol&&"symbol"==typeof Symbol.toStringTag;function be(e){var t=!1;return function(){for(var n=[],i=arguments.length;i--;)n[i]=arguments[i];if(!t)return t=!0,e.apply(this,n)}}var _e=function(e,t){this.router=e,this.base=function(e){if(!e)if($){var t=document.querySelector("base");e=(e=t&&t.getAttribute("href")||"/").replace(/^https?:\/\/[^\/]+/,"")}else e="/";"/"!==e.charAt(0)&&(e="/"+e);return e.replace(/\/$/,"")}(t),this.current=v,this.pending=null,this.ready=!1,this.readyCbs=[],this.readyErrorCbs=[],this.errorCbs=[]};function xe(e,t,n,i){var r=ve(e,function(e,i,r,o){var s=function(e,t){"function"!=typeof e&&(e=_.extend(e));return e.options[t]}(e,t);if(s)return Array.isArray(s)?s.map(function(e){return n(e,i,r,o)}):n(s,i,r,o)});return ge(i?r.reverse():r)}function Ce(e,t){if(t)return function(){return e.apply(t,arguments)}}_e.prototype.listen=function(e){this.cb=e},_e.prototype.onReady=function(e,t){this.ready?e():(this.readyCbs.push(e),t&&this.readyErrorCbs.push(t))},_e.prototype.onError=function(e){this.errorCbs.push(e)},_e.prototype.transitionTo=function(e,t,n){var i=this,r=this.router.match(e,this.current);this.confirmTransition(r,function(){i.updateRoute(r),t&&t(r),i.ensureURL(),i.ready||(i.ready=!0,i.readyCbs.forEach(function(e){e(r)}))},function(e){n&&n(e),e&&!i.ready&&(i.ready=!0,i.readyErrorCbs.forEach(function(t){t(e)}))})},_e.prototype.confirmTransition=function(e,t,n){var o=this,s=this.current,a=function(e){r(e)&&(o.errorCbs.length?o.errorCbs.forEach(function(t){t(e)}):(i(),console.error(e))),n&&n(e)};if(y(e,s)&&e.matched.length===s.matched.length)return this.ensureURL(),a();var l=function(e,t){var n,i=Math.max(e.length,t.length);for(n=0;n<i&&e[n]===t[n];n++);return{updated:t.slice(0,n),activated:t.slice(n),deactivated:e.slice(n)}}(this.current.matched,e.matched),u=l.updated,c=l.deactivated,d=l.activated,f=[].concat(function(e){return xe(e,"beforeRouteLeave",Ce,!0)}(c),this.router.beforeHooks,function(e){return xe(e,"beforeRouteUpdate",Ce)}(u),d.map(function(e){return e.beforeEnter}),me(d));this.pending=e;var h=function(t,n){if(o.pending!==e)return a();try{t(e,s,function(e){!1===e||r(e)?(o.ensureURL(!0),a(e)):"string"==typeof e||"object"==typeof e&&("string"==typeof e.path||"string"==typeof e.name)?(a(),"object"==typeof e&&e.replace?o.replace(e):o.push(e)):n(e)})}catch(e){a(e)}};pe(f,h,function(){var n=[];pe(function(e,t,n){return xe(e,"beforeRouteEnter",function(e,i,r,o){return function(e,t,n,i,r){return function(o,s,a){return e(o,s,function(e){a(e),"function"==typeof e&&i.push(function(){!function e(t,n,i,r){n[i]?t(n[i]):r()&&setTimeout(function(){e(t,n,i,r)},16)}(e,t.instances,n,r)})})}}(e,r,o,t,n)})}(d,n,function(){return o.current===e}).concat(o.router.resolveHooks),h,function(){if(o.pending!==e)return a();o.pending=null,t(e),o.router.app&&o.router.app.$nextTick(function(){n.forEach(function(e){e()})})})})},_e.prototype.updateRoute=function(e){var t=this.current;this.current=e,this.cb&&this.cb(e),this.router.afterHooks.forEach(function(n){n&&n(e,t)})};var we=function(e){function t(t,n){var i=this;e.call(this,t,n);var r=t.options.scrollBehavior;r&&Z();var o=ke(this.base);window.addEventListener("popstate",function(e){var n=i.current,s=ke(i.base);i.current===v&&s===o||i.transitionTo(s,function(e){r&&ee(t,e,n,!0)})})}return e&&(t.__proto__=e),t.prototype=Object.create(e&&e.prototype),t.prototype.constructor=t,t.prototype.go=function(e){window.history.go(e)},t.prototype.push=function(e,t,n){var i=this,r=this.current;this.transitionTo(e,function(e){fe(E(i.base+e.fullPath)),ee(i.router,e,r,!1),t&&t(e)},n)},t.prototype.replace=function(e,t,n){var i=this,r=this.current;this.transitionTo(e,function(e){he(E(i.base+e.fullPath)),ee(i.router,e,r,!1),t&&t(e)},n)},t.prototype.ensureURL=function(e){if(ke(this.base)!==this.current.fullPath){var t=E(this.base+this.current.fullPath);e?fe(t):he(t)}},t.prototype.getCurrentLocation=function(){return ke(this.base)},t}(_e);function ke(e){var t=window.location.pathname;return e&&0===t.indexOf(e)&&(t=t.slice(e.length)),(t||"/")+window.location.search+window.location.hash}var Se=function(e){function t(t,n,i){e.call(this,t,n),i&&function(e){var t=ke(e);if(!/^\/#/.test(t))return window.location.replace(E(e+"/#"+t)),!0}(this.base)||$e()}return e&&(t.__proto__=e),t.prototype=Object.create(e&&e.prototype),t.prototype.constructor=t,t.prototype.setupListeners=function(){var e=this,t=this.router.options.scrollBehavior,n=ae&&t;n&&Z(),window.addEventListener(ae?"popstate":"hashchange",function(){var t=e.current;$e()&&e.transitionTo(Me(),function(i){n&&ee(e.router,i,t,!0),ae||Te(i.fullPath)})})},t.prototype.push=function(e,t,n){var i=this,r=this.current;this.transitionTo(e,function(e){Oe(e.fullPath),ee(i.router,e,r,!1),t&&t(e)},n)},t.prototype.replace=function(e,t,n){var i=this,r=this.current;this.transitionTo(e,function(e){Te(e.fullPath),ee(i.router,e,r,!1),t&&t(e)},n)},t.prototype.go=function(e){window.history.go(e)},t.prototype.ensureURL=function(e){var t=this.current.fullPath;Me()!==t&&(e?Oe(t):Te(t))},t.prototype.getCurrentLocation=function(){return Me()},t}(_e);function $e(){var e=Me();return"/"===e.charAt(0)||(Te("/"+e),!1)}function Me(){var e=window.location.href,t=e.indexOf("#");return-1===t?"":e.slice(t+1)}function Ee(e){var t=window.location.href,n=t.indexOf("#");return(n>=0?t.slice(0,n):t)+"#"+e}function Oe(e){ae?fe(Ee(e)):window.location.hash=e}function Te(e){ae?he(Ee(e)):window.location.replace(Ee(e))}var De=function(e){function t(t,n){e.call(this,t,n),this.stack=[],this.index=-1}return e&&(t.__proto__=e),t.prototype=Object.create(e&&e.prototype),t.prototype.constructor=t,t.prototype.push=function(e,t,n){var i=this;this.transitionTo(e,function(e){i.stack=i.stack.slice(0,i.index+1).concat(e),i.index++,t&&t(e)},n)},t.prototype.replace=function(e,t,n){var i=this;this.transitionTo(e,function(e){i.stack=i.stack.slice(0,i.index).concat(e),t&&t(e)},n)},t.prototype.go=function(e){var t=this,n=this.index+e;if(!(n<0||n>=this.stack.length)){var i=this.stack[n];this.confirmTransition(i,function(){t.index=n,t.updateRoute(i)})}},t.prototype.getCurrentLocation=function(){var e=this.stack[this.stack.length-1];return e?e.fullPath:"/"},t.prototype.ensureURL=function(){},t}(_e),Pe=function(e){void 0===e&&(e={}),this.app=null,this.apps=[],this.options=e,this.beforeHooks=[],this.resolveHooks=[],this.afterHooks=[],this.matcher=X(e.routes||[],this);var t=e.mode||"hash";switch(this.fallback="history"===t&&!ae&&!1!==e.fallback,this.fallback&&(t="hash"),$||(t="abstract"),this.mode=t,t){case"history":this.history=new we(this,e.base);break;case"hash":this.history=new Se(this,e.base,this.fallback);break;case"abstract":this.history=new De(this,e.base);break;default:0}},Ne={currentRoute:{configurable:!0}};function Ie(e,t){return e.push(t),function(){var n=e.indexOf(t);n>-1&&e.splice(n,1)}}Pe.prototype.match=function(e,t,n){return this.matcher.match(e,t,n)},Ne.currentRoute.get=function(){return this.history&&this.history.current},Pe.prototype.init=function(e){var t=this;if(this.apps.push(e),!this.app){this.app=e;var n=this.history;if(n instanceof we)n.transitionTo(n.getCurrentLocation());else if(n instanceof Se){var i=function(){n.setupListeners()};n.transitionTo(n.getCurrentLocation(),i,i)}n.listen(function(e){t.apps.forEach(function(t){t._route=e})})}},Pe.prototype.beforeEach=function(e){return Ie(this.beforeHooks,e)},Pe.prototype.beforeResolve=function(e){return Ie(this.resolveHooks,e)},Pe.prototype.afterEach=function(e){return Ie(this.afterHooks,e)},Pe.prototype.onReady=function(e,t){this.history.onReady(e,t)},Pe.prototype.onError=function(e){this.history.onError(e)},Pe.prototype.push=function(e,t,n){this.history.push(e,t,n)},Pe.prototype.replace=function(e,t,n){this.history.replace(e,t,n)},Pe.prototype.go=function(e){this.history.go(e)},Pe.prototype.back=function(){this.go(-1)},Pe.prototype.forward=function(){this.go(1)},Pe.prototype.getMatchedComponents=function(e){var t=e?e.matched?e:this.resolve(e).route:this.currentRoute;return t?[].concat.apply([],t.matched.map(function(e){return Object.keys(e.components).map(function(t){return e.components[t]})})):[]},Pe.prototype.resolve=function(e,t,n){var i=G(e,t||this.history.current,n,this),r=this.match(i,t),o=r.redirectedFrom||r.fullPath;return{location:i,route:r,href:function(e,t,n){var i="hash"===n?"#"+t:t;return e?E(e+"/"+i):i}(this.history.base,o,this.mode),normalizedTo:i,resolved:r}},Pe.prototype.addRoutes=function(e){this.matcher.addRoutes(e),this.history.current!==v&&this.history.transitionTo(this.history.getCurrentLocation())},Object.defineProperties(Pe.prototype,Ne),Pe.install=S,Pe.version="3.0.1",$&&window.Vue&&window.Vue.use(Pe),t.a=Pe},"02w1":function(e,t,n){"use strict";t.__esModule=!0;var i="undefined"==typeof window,r=function(){if(!i){var e=window.requestAnimationFrame||window.mozRequestAnimationFrame||window.webkitRequestAnimationFrame||function(e){return window.setTimeout(e,20)};return function(t){return e(t)}}}(),o=function(){if(!i){var e=window.cancelAnimationFrame||window.mozCancelAnimationFrame||window.webkitCancelAnimationFrame||window.clearTimeout;return function(t){return e(t)}}}(),s=function(e){var t=e.__resizeTrigger__,n=t.firstElementChild,i=t.lastElementChild,r=n.firstElementChild;i.scrollLeft=i.scrollWidth,i.scrollTop=i.scrollHeight,r.style.width=n.offsetWidth+1+"px",r.style.height=n.offsetHeight+1+"px",n.scrollLeft=n.scrollWidth,n.scrollTop=n.scrollHeight},a=function(e){var t=this;s(this),this.__resizeRAF__&&o(this.__resizeRAF__),this.__resizeRAF__=r(function(){var n;((n=t).offsetWidth!==n.__resizeLast__.width||n.offsetHeight!==n.__resizeLast__.height)&&(t.__resizeLast__.width=t.offsetWidth,t.__resizeLast__.height=t.offsetHeight,t.__resizeListeners__.forEach(function(n){n.call(t,e)}))})},l=i?{}:document.attachEvent,u="Webkit Moz O ms".split(" "),c="webkitAnimationStart animationstart oAnimationStart MSAnimationStart".split(" "),d=!1,f="",h="animationstart";if(!l&&!i){var p=document.createElement("fakeelement");if(void 0!==p.style.animationName&&(d=!0),!1===d)for(var m="",v=0;v<u.length;v++)if(void 0!==p.style[u[v]+"AnimationName"]){m=u[v],f="-"+m.toLowerCase()+"-",h=c[v],d=!0;break}}var g=!1;t.addResizeListener=function(e,t){if(!i)if(l)e.attachEvent("onresize",t);else{if(!e.__resizeTrigger__){"static"===getComputedStyle(e).position&&(e.style.position="relative"),function(){if(!g&&!i){var e="@"+f+"keyframes resizeanim { from { opacity: 0; } to { opacity: 0; } } \n .resize-triggers { "+f+'animation: 1ms resizeanim; visibility: hidden; opacity: 0; }\n .resize-triggers, .resize-triggers > div, .contract-trigger:before { content: " "; display: block; position: absolute; top: 0; left: 0; height: 100%; width: 100%; overflow: hidden; z-index: -1 }\n .resize-triggers > div { background: #eee; overflow: auto; }\n .contract-trigger:before { width: 200%; height: 200%; }',t=document.head||document.getElementsByTagName("head")[0],n=document.createElement("style");n.type="text/css",n.styleSheet?n.styleSheet.cssText=e:n.appendChild(document.createTextNode(e)),t.appendChild(n),g=!0}}(),e.__resizeLast__={},e.__resizeListeners__=[];var n=e.__resizeTrigger__=document.createElement("div");n.className="resize-triggers",n.innerHTML='<div class="expand-trigger"><div></div></div><div class="contract-trigger"></div>',e.appendChild(n),s(e),e.addEventListener("scroll",a,!0),h&&n.addEventListener(h,function(t){"resizeanim"===t.animationName&&s(e)})}e.__resizeListeners__.push(t)}},t.removeResizeListener=function(e,t){e&&e.__resizeListeners__&&(l?e.detachEvent("onresize",t):(e.__resizeListeners__.splice(e.__resizeListeners__.indexOf(t),1),e.__resizeListeners__.length||(e.removeEventListener("scroll",a),e.__resizeTrigger__=!e.removeChild(e.__resizeTrigger__))))}},"06OY":function(e,t,n){var i=n("3Eo+")("meta"),r=n("EqjI"),o=n("D2L2"),s=n("evD5").f,a=0,l=Object.isExtensible||function(){return!0},u=!n("S82l")(function(){return l(Object.preventExtensions({}))}),c=function(e){s(e,i,{value:{i:"O"+ ++a,w:{}}})},d=e.exports={KEY:i,NEED:!1,fastKey:function(e,t){if(!r(e))return"symbol"==typeof e?e:("string"==typeof e?"S":"P")+e;if(!o(e,i)){if(!l(e))return"F";if(!t)return"E";c(e)}return e[i].i},getWeak:function(e,t){if(!o(e,i)){if(!l(e))return!0;if(!t)return!1;c(e)}return e[i].w},onFreeze:function(e){return u&&d.NEED&&l(e)&&!o(e,i)&&c(e),e}}},"0kY3":function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=117)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},117:function(e,t,n){e.exports=n(118)},118:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(119),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},119:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(120),r=n.n(i),o=n(121),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},120:function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(6)),r=s(n(19)),o=s(n(23));function s(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElInputNumber",mixins:[(0,r.default)("input")],inject:{elForm:{default:""},elFormItem:{default:""}},directives:{repeatClick:o.default},components:{ElInput:i.default},props:{step:{type:Number,default:1},max:{type:Number,default:1/0},min:{type:Number,default:-1/0},value:{},disabled:Boolean,size:String,controls:{type:Boolean,default:!0},controlsPosition:{type:String,default:""},name:String,label:String},data:function(){return{currentValue:0}},watch:{value:{immediate:!0,handler:function(e){var t=void 0===e?e:Number(e);void 0!==t&&isNaN(t)||(t>=this.max&&(t=this.max),t<=this.min&&(t=this.min),this.currentValue=t,this.$emit("input",t))}}},computed:{minDisabled:function(){return this._decrease(this.value,this.step)<this.min},maxDisabled:function(){return this._increase(this.value,this.step)>this.max},precision:function(){var e=this.value,t=this.step,n=this.getPrecision;return Math.max(n(e),n(t))},controlsAtRight:function(){return"right"===this.controlsPosition},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},inputNumberSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},inputNumberDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},methods:{toPrecision:function(e,t){return void 0===t&&(t=this.precision),parseFloat(parseFloat(Number(e).toFixed(t)))},getPrecision:function(e){if(void 0===e)return 0;var t=e.toString(),n=t.indexOf("."),i=0;return-1!==n&&(i=t.length-n-1),i},_increase:function(e,t){if("number"!=typeof e&&void 0!==e)return this.currentValue;var n=Math.pow(10,this.precision);return this.toPrecision((n*e+n*t)/n)},_decrease:function(e,t){if("number"!=typeof e&&void 0!==e)return this.currentValue;var n=Math.pow(10,this.precision);return this.toPrecision((n*e-n*t)/n)},increase:function(){if(!this.inputNumberDisabled&&!this.maxDisabled){var e=this.value||0,t=this._increase(e,this.step);this.setCurrentValue(t)}},decrease:function(){if(!this.inputNumberDisabled&&!this.minDisabled){var e=this.value||0,t=this._decrease(e,this.step);this.setCurrentValue(t)}},handleBlur:function(e){this.$emit("blur",e),this.$refs.input.setCurrentValue(this.currentValue)},handleFocus:function(e){this.$emit("focus",e)},setCurrentValue:function(e){var t=this.currentValue;e>=this.max&&(e=this.max),e<=this.min&&(e=this.min),t!==e?(this.$emit("change",e,t),this.$emit("input",e),this.currentValue=e):this.$refs.input.setCurrentValue(this.currentValue)},handleInputChange:function(e){var t=""===e?void 0:Number(e);isNaN(t)&&""!==e||this.setCurrentValue(t)}},mounted:function(){var e=this.$refs.input.$refs.input;e.setAttribute("role","spinbutton"),e.setAttribute("aria-valuemax",this.max),e.setAttribute("aria-valuemin",this.min),e.setAttribute("aria-valuenow",this.currentValue),e.setAttribute("aria-disabled",this.inputNumberDisabled)},updated:function(){this.$refs.input.$refs.input.setAttribute("aria-valuenow",this.currentValue)}}},121:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{class:["el-input-number",e.inputNumberSize?"el-input-number--"+e.inputNumberSize:"",{"is-disabled":e.inputNumberDisabled},{"is-without-controls":!e.controls},{"is-controls-right":e.controlsAtRight}],on:{dragstart:function(e){e.preventDefault()}}},[e.controls?n("span",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.decrease,expression:"decrease"}],staticClass:"el-input-number__decrease",class:{"is-disabled":e.minDisabled},attrs:{role:"button"},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.decrease(t)}}},[n("i",{class:"el-icon-"+(e.controlsAtRight?"arrow-down":"minus")})]):e._e(),e.controls?n("span",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.increase,expression:"increase"}],staticClass:"el-input-number__increase",class:{"is-disabled":e.maxDisabled},attrs:{role:"button"},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.increase(t)}}},[n("i",{class:"el-icon-"+(e.controlsAtRight?"arrow-up":"plus")})]):e._e(),n("el-input",{ref:"input",attrs:{value:e.currentValue,disabled:e.inputNumberDisabled,size:e.inputNumberSize,max:e.max,min:e.min,name:e.name,label:e.label},on:{blur:e.handleBlur,focus:e.handleFocus,change:e.handleInputChange},nativeOn:{keydown:[function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.preventDefault(),e.increase(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.preventDefault(),e.decrease(t)}]}},[e.$slots.prepend?n("template",{attrs:{slot:"prepend"},slot:"prepend"},[e._t("prepend")],2):e._e(),e.$slots.append?n("template",{attrs:{slot:"append"},slot:"append"},[e._t("append")],2):e._e()],2)],1)},staticRenderFns:[]};t.a=i},19:function(e,t){e.exports=n("1oZe")},2:function(e,t){e.exports=n("2kvA")},23:function(e,t,n){"use strict";t.__esModule=!0;var i=n(2);t.default={bind:function(e,t,n){var r=null,o=void 0,s=function(){return n.context[t.expression].apply()},a=function(){new Date-o<100&&s(),clearInterval(r),r=null};(0,i.on)(e,"mousedown",function(e){0===e.button&&(o=new Date,(0,i.once)(document,"mouseup",a),clearInterval(r),r=setInterval(s,100))})}}},6:function(e,t){e.exports=n("HJMx")}})},"1kS7":function(e,t){t.f=Object.getOwnPropertySymbols},"1oZe":function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e){return{methods:{focus:function(){this.$refs[e].focus()}}}}},"21It":function(e,t,n){"use strict";var i=n("FtD3");e.exports=function(e,t,n){var r=n.config.validateStatus;n.status&&r&&!r(n.status)?t(i("Request failed with status code "+n.status,n.config,null,n.request,n)):e(n)}},"2kvA":function(e,t,n){"use strict";t.__esModule=!0,t.getStyle=t.once=t.off=t.on=void 0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e};t.hasClass=p,t.addClass=function(e,t){if(!e)return;for(var n=e.className,i=(t||"").split(" "),r=0,o=i.length;r<o;r++){var s=i[r];s&&(e.classList?e.classList.add(s):p(e,s)||(n+=" "+s))}e.classList||(e.className=n)},t.removeClass=function(e,t){if(!e||!t)return;for(var n=t.split(" "),i=" "+e.className+" ",r=0,o=n.length;r<o;r++){var s=n[r];s&&(e.classList?e.classList.remove(s):p(e,s)&&(i=i.replace(" "+s+" "," ")))}e.classList||(e.className=c(i))},t.setStyle=function e(t,n,r){if(!t||!n)return;if("object"===(void 0===n?"undefined":i(n)))for(var o in n)n.hasOwnProperty(o)&&e(t,o,n[o]);else"opacity"===(n=d(n))&&u<9?t.style.filter=isNaN(r)?"":"alpha(opacity="+100*r+")":t.style[n]=r};var r,o=n("7+uW");var s=((r=o)&&r.__esModule?r:{default:r}).default.prototype.$isServer,a=/([\:\-\_]+(.))/g,l=/^moz([A-Z])/,u=s?0:Number(document.documentMode),c=function(e){return(e||"").replace(/^[\s\uFEFF]+|[\s\uFEFF]+$/g,"")},d=function(e){return e.replace(a,function(e,t,n,i){return i?n.toUpperCase():n}).replace(l,"Moz$1")},f=t.on=!s&&document.addEventListener?function(e,t,n){e&&t&&n&&e.addEventListener(t,n,!1)}:function(e,t,n){e&&t&&n&&e.attachEvent("on"+t,n)},h=t.off=!s&&document.removeEventListener?function(e,t,n){e&&t&&e.removeEventListener(t,n,!1)}:function(e,t,n){e&&t&&e.detachEvent("on"+t,n)};t.once=function(e,t,n){f(e,t,function i(){n&&n.apply(this,arguments),h(e,t,i)})};function p(e,t){if(!e||!t)return!1;if(-1!==t.indexOf(" "))throw new Error("className should not contain space.");return e.classList?e.classList.contains(t):(" "+e.className+" ").indexOf(" "+t+" ")>-1}t.getStyle=u<9?function(e,t){if(!s){if(!e||!t)return null;"float"===(t=d(t))&&(t="styleFloat");try{switch(t){case"opacity":try{return e.filters.item("alpha").opacity/100}catch(e){return 1}default:return e.style[t]||e.currentStyle?e.currentStyle[t]:null}}catch(n){return e.style[t]}}}:function(e,t){if(!s){if(!e||!t)return null;"float"===(t=d(t))&&(t="cssFloat");try{var n=document.defaultView.getComputedStyle(e,"");return e.style[t]||n?n[t]:null}catch(n){return e.style[t]}}}},"3Eo+":function(e,t){var n=0,i=Math.random();e.exports=function(e){return"Symbol(".concat(void 0===e?"":e,")_",(++n+i).toString(36))}},"3fo+":function(e,t,n){e.exports=n("YAhB")},"4mcu":function(e,t){e.exports=function(){}},"52gC":function(e,t){e.exports=function(e){if(void 0==e)throw TypeError("Can't call method on "+e);return e}},"5QVw":function(e,t,n){e.exports={default:n("BwfY"),__esModule:!0}},"5VQ+":function(e,t,n){"use strict";var i=n("cGG2");e.exports=function(e,t){i.forEach(e,function(n,i){i!==t&&i.toUpperCase()===t.toUpperCase()&&(e[t]=n,delete e[i])})}},"6Twh":function(e,t,n){"use strict";t.__esModule=!0,t.default=function(){if(o.default.prototype.$isServer)return 0;if(void 0!==s)return s;var e=document.createElement("div");e.className="el-scrollbar__wrap",e.style.visibility="hidden",e.style.width="100px",e.style.position="absolute",e.style.top="-9999px",document.body.appendChild(e);var t=e.offsetWidth;e.style.overflow="scroll";var n=document.createElement("div");n.style.width="100%",e.appendChild(n);var i=n.offsetWidth;return e.parentNode.removeChild(e),s=t-i};var i,r=n("7+uW"),o=(i=r)&&i.__esModule?i:{default:i};var s=void 0},"7+uW":function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),function(e){ /*! * Vue.js v2.5.16 * (c) 2014-2018 Evan You * Released under the MIT License. */ var n=Object.freeze({});function i(e){return void 0===e||null===e}function r(e){return void 0!==e&&null!==e}function o(e){return!0===e}function s(e){return"string"==typeof e||"number"==typeof e||"symbol"==typeof e||"boolean"==typeof e}function a(e){return null!==e&&"object"==typeof e}var l=Object.prototype.toString;function u(e){return"[object Object]"===l.call(e)}function c(e){return"[object RegExp]"===l.call(e)}function d(e){var t=parseFloat(String(e));return t>=0&&Math.floor(t)===t&&isFinite(e)}function f(e){return null==e?"":"object"==typeof e?JSON.stringify(e,null,2):String(e)}function h(e){var t=parseFloat(e);return isNaN(t)?e:t}function p(e,t){for(var n=Object.create(null),i=e.split(","),r=0;r<i.length;r++)n[i[r]]=!0;return t?function(e){return n[e.toLowerCase()]}:function(e){return n[e]}}var m=p("slot,component",!0),v=p("key,ref,slot,slot-scope,is");function g(e,t){if(e.length){var n=e.indexOf(t);if(n>-1)return e.splice(n,1)}}var y=Object.prototype.hasOwnProperty;function b(e,t){return y.call(e,t)}function _(e){var t=Object.create(null);return function(n){return t[n]||(t[n]=e(n))}}var x=/-(\w)/g,C=_(function(e){return e.replace(x,function(e,t){return t?t.toUpperCase():""})}),w=_(function(e){return e.charAt(0).toUpperCase()+e.slice(1)}),k=/\B([A-Z])/g,S=_(function(e){return e.replace(k,"-$1").toLowerCase()});var $=Function.prototype.bind?function(e,t){return e.bind(t)}:function(e,t){function n(n){var i=arguments.length;return i?i>1?e.apply(t,arguments):e.call(t,n):e.call(t)}return n._length=e.length,n};function M(e,t){t=t||0;for(var n=e.length-t,i=new Array(n);n--;)i[n]=e[n+t];return i}function E(e,t){for(var n in t)e[n]=t[n];return e}function O(e){for(var t={},n=0;n<e.length;n++)e[n]&&E(t,e[n]);return t}function T(e,t,n){}var D=function(e,t,n){return!1},P=function(e){return e};function N(e,t){if(e===t)return!0;var n=a(e),i=a(t);if(!n||!i)return!n&&!i&&String(e)===String(t);try{var r=Array.isArray(e),o=Array.isArray(t);if(r&&o)return e.length===t.length&&e.every(function(e,n){return N(e,t[n])});if(r||o)return!1;var s=Object.keys(e),l=Object.keys(t);return s.length===l.length&&s.every(function(n){return N(e[n],t[n])})}catch(e){return!1}}function I(e,t){for(var n=0;n<e.length;n++)if(N(e[n],t))return n;return-1}function F(e){var t=!1;return function(){t||(t=!0,e.apply(this,arguments))}}var A="data-server-rendered",L=["component","directive","filter"],R=["beforeCreate","created","beforeMount","mounted","beforeUpdate","updated","beforeDestroy","destroyed","activated","deactivated","errorCaptured"],V={optionMergeStrategies:Object.create(null),silent:!1,productionTip:!1,devtools:!1,performance:!1,errorHandler:null,warnHandler:null,ignoredElements:[],keyCodes:Object.create(null),isReservedTag:D,isReservedAttr:D,isUnknownElement:D,getTagNamespace:T,parsePlatformTagName:P,mustUseProp:D,_lifecycleHooks:R};function B(e){var t=(e+"").charCodeAt(0);return 36===t||95===t}function j(e,t,n,i){Object.defineProperty(e,t,{value:n,enumerable:!!i,writable:!0,configurable:!0})}var z=/[^\w.$]/;var H,q="__proto__"in{},W="undefined"!=typeof window,K="undefined"!=typeof WXEnvironment&&!!WXEnvironment.platform,U=K&&WXEnvironment.platform.toLowerCase(),G=W&&window.navigator.userAgent.toLowerCase(),Y=G&&/msie|trident/.test(G),X=G&&G.indexOf("msie 9.0")>0,J=G&&G.indexOf("edge/")>0,Q=(G&&G.indexOf("android"),G&&/iphone|ipad|ipod|ios/.test(G)||"ios"===U),Z=(G&&/chrome\/\d+/.test(G),{}.watch),ee=!1;if(W)try{var te={};Object.defineProperty(te,"passive",{get:function(){ee=!0}}),window.addEventListener("test-passive",null,te)}catch(e){}var ne=function(){return void 0===H&&(H=!W&&!K&&void 0!==e&&"server"===e.process.env.VUE_ENV),H},ie=W&&window.__VUE_DEVTOOLS_GLOBAL_HOOK__;function re(e){return"function"==typeof e&&/native code/.test(e.toString())}var oe,se="undefined"!=typeof Symbol&&re(Symbol)&&"undefined"!=typeof Reflect&&re(Reflect.ownKeys);oe="undefined"!=typeof Set&&re(Set)?Set:function(){function e(){this.set=Object.create(null)}return e.prototype.has=function(e){return!0===this.set[e]},e.prototype.add=function(e){this.set[e]=!0},e.prototype.clear=function(){this.set=Object.create(null)},e}();var ae=T,le=0,ue=function(){this.id=le++,this.subs=[]};ue.prototype.addSub=function(e){this.subs.push(e)},ue.prototype.removeSub=function(e){g(this.subs,e)},ue.prototype.depend=function(){ue.target&&ue.target.addDep(this)},ue.prototype.notify=function(){for(var e=this.subs.slice(),t=0,n=e.length;t<n;t++)e[t].update()},ue.target=null;var ce=[];function de(e){ue.target&&ce.push(ue.target),ue.target=e}function fe(){ue.target=ce.pop()}var he=function(e,t,n,i,r,o,s,a){this.tag=e,this.data=t,this.children=n,this.text=i,this.elm=r,this.ns=void 0,this.context=o,this.fnContext=void 0,this.fnOptions=void 0,this.fnScopeId=void 0,this.key=t&&t.key,this.componentOptions=s,this.componentInstance=void 0,this.parent=void 0,this.raw=!1,this.isStatic=!1,this.isRootInsert=!0,this.isComment=!1,this.isCloned=!1,this.isOnce=!1,this.asyncFactory=a,this.asyncMeta=void 0,this.isAsyncPlaceholder=!1},pe={child:{configurable:!0}};pe.child.get=function(){return this.componentInstance},Object.defineProperties(he.prototype,pe);var me=function(e){void 0===e&&(e="");var t=new he;return t.text=e,t.isComment=!0,t};function ve(e){return new he(void 0,void 0,void 0,String(e))}function ge(e){var t=new he(e.tag,e.data,e.children,e.text,e.elm,e.context,e.componentOptions,e.asyncFactory);return t.ns=e.ns,t.isStatic=e.isStatic,t.key=e.key,t.isComment=e.isComment,t.fnContext=e.fnContext,t.fnOptions=e.fnOptions,t.fnScopeId=e.fnScopeId,t.isCloned=!0,t}var ye=Array.prototype,be=Object.create(ye);["push","pop","shift","unshift","splice","sort","reverse"].forEach(function(e){var t=ye[e];j(be,e,function(){for(var n=[],i=arguments.length;i--;)n[i]=arguments[i];var r,o=t.apply(this,n),s=this.__ob__;switch(e){case"push":case"unshift":r=n;break;case"splice":r=n.slice(2)}return r&&s.observeArray(r),s.dep.notify(),o})});var _e=Object.getOwnPropertyNames(be),xe=!0;function Ce(e){xe=e}var we=function(e){(this.value=e,this.dep=new ue,this.vmCount=0,j(e,"__ob__",this),Array.isArray(e))?((q?ke:Se)(e,be,_e),this.observeArray(e)):this.walk(e)};function ke(e,t,n){e.__proto__=t}function Se(e,t,n){for(var i=0,r=n.length;i<r;i++){var o=n[i];j(e,o,t[o])}}function $e(e,t){var n;if(a(e)&&!(e instanceof he))return b(e,"__ob__")&&e.__ob__ instanceof we?n=e.__ob__:xe&&!ne()&&(Array.isArray(e)||u(e))&&Object.isExtensible(e)&&!e._isVue&&(n=new we(e)),t&&n&&n.vmCount++,n}function Me(e,t,n,i,r){var o=new ue,s=Object.getOwnPropertyDescriptor(e,t);if(!s||!1!==s.configurable){var a=s&&s.get;a||2!==arguments.length||(n=e[t]);var l=s&&s.set,u=!r&&$e(n);Object.defineProperty(e,t,{enumerable:!0,configurable:!0,get:function(){var t=a?a.call(e):n;return ue.target&&(o.depend(),u&&(u.dep.depend(),Array.isArray(t)&&function e(t){for(var n=void 0,i=0,r=t.length;i<r;i++)(n=t[i])&&n.__ob__&&n.__ob__.dep.depend(),Array.isArray(n)&&e(n)}(t))),t},set:function(t){var i=a?a.call(e):n;t===i||t!=t&&i!=i||(l?l.call(e,t):n=t,u=!r&&$e(t),o.notify())}})}}function Ee(e,t,n){if(Array.isArray(e)&&d(t))return e.length=Math.max(e.length,t),e.splice(t,1,n),n;if(t in e&&!(t in Object.prototype))return e[t]=n,n;var i=e.__ob__;return e._isVue||i&&i.vmCount?n:i?(Me(i.value,t,n),i.dep.notify(),n):(e[t]=n,n)}function Oe(e,t){if(Array.isArray(e)&&d(t))e.splice(t,1);else{var n=e.__ob__;e._isVue||n&&n.vmCount||b(e,t)&&(delete e[t],n&&n.dep.notify())}}we.prototype.walk=function(e){for(var t=Object.keys(e),n=0;n<t.length;n++)Me(e,t[n])},we.prototype.observeArray=function(e){for(var t=0,n=e.length;t<n;t++)$e(e[t])};var Te=V.optionMergeStrategies;function De(e,t){if(!t)return e;for(var n,i,r,o=Object.keys(t),s=0;s<o.length;s++)i=e[n=o[s]],r=t[n],b(e,n)?u(i)&&u(r)&&De(i,r):Ee(e,n,r);return e}function Pe(e,t,n){return n?function(){var i="function"==typeof t?t.call(n,n):t,r="function"==typeof e?e.call(n,n):e;return i?De(i,r):r}:t?e?function(){return De("function"==typeof t?t.call(this,this):t,"function"==typeof e?e.call(this,this):e)}:t:e}function Ne(e,t){return t?e?e.concat(t):Array.isArray(t)?t:[t]:e}function Ie(e,t,n,i){var r=Object.create(e||null);return t?E(r,t):r}Te.data=function(e,t,n){return n?Pe(e,t,n):t&&"function"!=typeof t?e:Pe(e,t)},R.forEach(function(e){Te[e]=Ne}),L.forEach(function(e){Te[e+"s"]=Ie}),Te.watch=function(e,t,n,i){if(e===Z&&(e=void 0),t===Z&&(t=void 0),!t)return Object.create(e||null);if(!e)return t;var r={};for(var o in E(r,e),t){var s=r[o],a=t[o];s&&!Array.isArray(s)&&(s=[s]),r[o]=s?s.concat(a):Array.isArray(a)?a:[a]}return r},Te.props=Te.methods=Te.inject=Te.computed=function(e,t,n,i){if(!e)return t;var r=Object.create(null);return E(r,e),t&&E(r,t),r},Te.provide=Pe;var Fe=function(e,t){return void 0===t?e:t};function Ae(e,t,n){"function"==typeof t&&(t=t.options),function(e,t){var n=e.props;if(n){var i,r,o={};if(Array.isArray(n))for(i=n.length;i--;)"string"==typeof(r=n[i])&&(o[C(r)]={type:null});else if(u(n))for(var s in n)r=n[s],o[C(s)]=u(r)?r:{type:r};e.props=o}}(t),function(e,t){var n=e.inject;if(n){var i=e.inject={};if(Array.isArray(n))for(var r=0;r<n.length;r++)i[n[r]]={from:n[r]};else if(u(n))for(var o in n){var s=n[o];i[o]=u(s)?E({from:o},s):{from:s}}}}(t),function(e){var t=e.directives;if(t)for(var n in t){var i=t[n];"function"==typeof i&&(t[n]={bind:i,update:i})}}(t);var i=t.extends;if(i&&(e=Ae(e,i,n)),t.mixins)for(var r=0,o=t.mixins.length;r<o;r++)e=Ae(e,t.mixins[r],n);var s,a={};for(s in e)l(s);for(s in t)b(e,s)||l(s);function l(i){var r=Te[i]||Fe;a[i]=r(e[i],t[i],n,i)}return a}function Le(e,t,n,i){if("string"==typeof n){var r=e[t];if(b(r,n))return r[n];var o=C(n);if(b(r,o))return r[o];var s=w(o);return b(r,s)?r[s]:r[n]||r[o]||r[s]}}function Re(e,t,n,i){var r=t[e],o=!b(n,e),s=n[e],a=je(Boolean,r.type);if(a>-1)if(o&&!b(r,"default"))s=!1;else if(""===s||s===S(e)){var l=je(String,r.type);(l<0||a<l)&&(s=!0)}if(void 0===s){s=function(e,t,n){if(!b(t,"default"))return;var i=t.default;0;if(e&&e.$options.propsData&&void 0===e.$options.propsData[n]&&void 0!==e._props[n])return e._props[n];return"function"==typeof i&&"Function"!==Ve(t.type)?i.call(e):i}(i,r,e);var u=xe;Ce(!0),$e(s),Ce(u)}return s}function Ve(e){var t=e&&e.toString().match(/^\s*function (\w+)/);return t?t[1]:""}function Be(e,t){return Ve(e)===Ve(t)}function je(e,t){if(!Array.isArray(t))return Be(t,e)?0:-1;for(var n=0,i=t.length;n<i;n++)if(Be(t[n],e))return n;return-1}function ze(e,t,n){if(t)for(var i=t;i=i.$parent;){var r=i.$options.errorCaptured;if(r)for(var o=0;o<r.length;o++)try{if(!1===r[o].call(i,e,t,n))return}catch(e){He(e,i,"errorCaptured hook")}}He(e,t,n)}function He(e,t,n){if(V.errorHandler)try{return V.errorHandler.call(null,e,t,n)}catch(e){qe(e,null,"config.errorHandler")}qe(e,t,n)}function qe(e,t,n){if(!W&&!K||"undefined"==typeof console)throw e;console.error(e)}var We,Ke,Ue=[],Ge=!1;function Ye(){Ge=!1;var e=Ue.slice(0);Ue.length=0;for(var t=0;t<e.length;t++)e[t]()}var Xe=!1;if("undefined"!=typeof setImmediate&&re(setImmediate))Ke=function(){setImmediate(Ye)};else if("undefined"==typeof MessageChannel||!re(MessageChannel)&&"[object MessageChannelConstructor]"!==MessageChannel.toString())Ke=function(){setTimeout(Ye,0)};else{var Je=new MessageChannel,Qe=Je.port2;Je.port1.onmessage=Ye,Ke=function(){Qe.postMessage(1)}}if("undefined"!=typeof Promise&&re(Promise)){var Ze=Promise.resolve();We=function(){Ze.then(Ye),Q&&setTimeout(T)}}else We=Ke;function et(e,t){var n;if(Ue.push(function(){if(e)try{e.call(t)}catch(e){ze(e,t,"nextTick")}else n&&n(t)}),Ge||(Ge=!0,Xe?Ke():We()),!e&&"undefined"!=typeof Promise)return new Promise(function(e){n=e})}var tt=new oe;function nt(e){!function e(t,n){var i,r;var o=Array.isArray(t);if(!o&&!a(t)||Object.isFrozen(t)||t instanceof he)return;if(t.__ob__){var s=t.__ob__.dep.id;if(n.has(s))return;n.add(s)}if(o)for(i=t.length;i--;)e(t[i],n);else for(r=Object.keys(t),i=r.length;i--;)e(t[r[i]],n)}(e,tt),tt.clear()}var it,rt=_(function(e){var t="&"===e.charAt(0),n="~"===(e=t?e.slice(1):e).charAt(0),i="!"===(e=n?e.slice(1):e).charAt(0);return{name:e=i?e.slice(1):e,once:n,capture:i,passive:t}});function ot(e){function t(){var e=arguments,n=t.fns;if(!Array.isArray(n))return n.apply(null,arguments);for(var i=n.slice(),r=0;r<i.length;r++)i[r].apply(null,e)}return t.fns=e,t}function st(e,t,n,r,o){var s,a,l,u;for(s in e)a=e[s],l=t[s],u=rt(s),i(a)||(i(l)?(i(a.fns)&&(a=e[s]=ot(a)),n(u.name,a,u.once,u.capture,u.passive,u.params)):a!==l&&(l.fns=a,e[s]=l));for(s in t)i(e[s])&&r((u=rt(s)).name,t[s],u.capture)}function at(e,t,n){var s;e instanceof he&&(e=e.data.hook||(e.data.hook={}));var a=e[t];function l(){n.apply(this,arguments),g(s.fns,l)}i(a)?s=ot([l]):r(a.fns)&&o(a.merged)?(s=a).fns.push(l):s=ot([a,l]),s.merged=!0,e[t]=s}function lt(e,t,n,i,o){if(r(t)){if(b(t,n))return e[n]=t[n],o||delete t[n],!0;if(b(t,i))return e[n]=t[i],o||delete t[i],!0}return!1}function ut(e){return s(e)?[ve(e)]:Array.isArray(e)?function e(t,n){var a=[];var l,u,c,d;for(l=0;l<t.length;l++)i(u=t[l])||"boolean"==typeof u||(c=a.length-1,d=a[c],Array.isArray(u)?u.length>0&&(ct((u=e(u,(n||"")+"_"+l))[0])&&ct(d)&&(a[c]=ve(d.text+u[0].text),u.shift()),a.push.apply(a,u)):s(u)?ct(d)?a[c]=ve(d.text+u):""!==u&&a.push(ve(u)):ct(u)&&ct(d)?a[c]=ve(d.text+u.text):(o(t._isVList)&&r(u.tag)&&i(u.key)&&r(n)&&(u.key="__vlist"+n+"_"+l+"__"),a.push(u)));return a}(e):void 0}function ct(e){return r(e)&&r(e.text)&&!1===e.isComment}function dt(e,t){return(e.__esModule||se&&"Module"===e[Symbol.toStringTag])&&(e=e.default),a(e)?t.extend(e):e}function ft(e){return e.isComment&&e.asyncFactory}function ht(e){if(Array.isArray(e))for(var t=0;t<e.length;t++){var n=e[t];if(r(n)&&(r(n.componentOptions)||ft(n)))return n}}function pt(e,t,n){n?it.$once(e,t):it.$on(e,t)}function mt(e,t){it.$off(e,t)}function vt(e,t,n){it=e,st(t,n||{},pt,mt),it=void 0}function gt(e,t){var n={};if(!e)return n;for(var i=0,r=e.length;i<r;i++){var o=e[i],s=o.data;if(s&&s.attrs&&s.attrs.slot&&delete s.attrs.slot,o.context!==t&&o.fnContext!==t||!s||null==s.slot)(n.default||(n.default=[])).push(o);else{var a=s.slot,l=n[a]||(n[a]=[]);"template"===o.tag?l.push.apply(l,o.children||[]):l.push(o)}}for(var u in n)n[u].every(yt)&&delete n[u];return n}function yt(e){return e.isComment&&!e.asyncFactory||" "===e.text}function bt(e,t){t=t||{};for(var n=0;n<e.length;n++)Array.isArray(e[n])?bt(e[n],t):t[e[n].key]=e[n].fn;return t}var _t=null;function xt(e){for(;e&&(e=e.$parent);)if(e._inactive)return!0;return!1}function Ct(e,t){if(t){if(e._directInactive=!1,xt(e))return}else if(e._directInactive)return;if(e._inactive||null===e._inactive){e._inactive=!1;for(var n=0;n<e.$children.length;n++)Ct(e.$children[n]);wt(e,"activated")}}function wt(e,t){de();var n=e.$options[t];if(n)for(var i=0,r=n.length;i<r;i++)try{n[i].call(e)}catch(n){ze(n,e,t+" hook")}e._hasHookEvent&&e.$emit("hook:"+t),fe()}var kt=[],St=[],$t={},Mt=!1,Et=!1,Ot=0;function Tt(){var e,t;for(Et=!0,kt.sort(function(e,t){return e.id-t.id}),Ot=0;Ot<kt.length;Ot++)t=(e=kt[Ot]).id,$t[t]=null,e.run();var n=St.slice(),i=kt.slice();Ot=kt.length=St.length=0,$t={},Mt=Et=!1,function(e){for(var t=0;t<e.length;t++)e[t]._inactive=!0,Ct(e[t],!0)}(n),function(e){var t=e.length;for(;t--;){var n=e[t],i=n.vm;i._watcher===n&&i._isMounted&&wt(i,"updated")}}(i),ie&&V.devtools&&ie.emit("flush")}var Dt=0,Pt=function(e,t,n,i,r){this.vm=e,r&&(e._watcher=this),e._watchers.push(this),i?(this.deep=!!i.deep,this.user=!!i.user,this.lazy=!!i.lazy,this.sync=!!i.sync):this.deep=this.user=this.lazy=this.sync=!1,this.cb=n,this.id=++Dt,this.active=!0,this.dirty=this.lazy,this.deps=[],this.newDeps=[],this.depIds=new oe,this.newDepIds=new oe,this.expression="","function"==typeof t?this.getter=t:(this.getter=function(e){if(!z.test(e)){var t=e.split(".");return function(e){for(var n=0;n<t.length;n++){if(!e)return;e=e[t[n]]}return e}}}(t),this.getter||(this.getter=function(){})),this.value=this.lazy?void 0:this.get()};Pt.prototype.get=function(){var e;de(this);var t=this.vm;try{e=this.getter.call(t,t)}catch(e){if(!this.user)throw e;ze(e,t,'getter for watcher "'+this.expression+'"')}finally{this.deep&&nt(e),fe(),this.cleanupDeps()}return e},Pt.prototype.addDep=function(e){var t=e.id;this.newDepIds.has(t)||(this.newDepIds.add(t),this.newDeps.push(e),this.depIds.has(t)||e.addSub(this))},Pt.prototype.cleanupDeps=function(){for(var e=this.deps.length;e--;){var t=this.deps[e];this.newDepIds.has(t.id)||t.removeSub(this)}var n=this.depIds;this.depIds=this.newDepIds,this.newDepIds=n,this.newDepIds.clear(),n=this.deps,this.deps=this.newDeps,this.newDeps=n,this.newDeps.length=0},Pt.prototype.update=function(){this.lazy?this.dirty=!0:this.sync?this.run():function(e){var t=e.id;if(null==$t[t]){if($t[t]=!0,Et){for(var n=kt.length-1;n>Ot&&kt[n].id>e.id;)n--;kt.splice(n+1,0,e)}else kt.push(e);Mt||(Mt=!0,et(Tt))}}(this)},Pt.prototype.run=function(){if(this.active){var e=this.get();if(e!==this.value||a(e)||this.deep){var t=this.value;if(this.value=e,this.user)try{this.cb.call(this.vm,e,t)}catch(e){ze(e,this.vm,'callback for watcher "'+this.expression+'"')}else this.cb.call(this.vm,e,t)}}},Pt.prototype.evaluate=function(){this.value=this.get(),this.dirty=!1},Pt.prototype.depend=function(){for(var e=this.deps.length;e--;)this.deps[e].depend()},Pt.prototype.teardown=function(){if(this.active){this.vm._isBeingDestroyed||g(this.vm._watchers,this);for(var e=this.deps.length;e--;)this.deps[e].removeSub(this);this.active=!1}};var Nt={enumerable:!0,configurable:!0,get:T,set:T};function It(e,t,n){Nt.get=function(){return this[t][n]},Nt.set=function(e){this[t][n]=e},Object.defineProperty(e,n,Nt)}function Ft(e){e._watchers=[];var t=e.$options;t.props&&function(e,t){var n=e.$options.propsData||{},i=e._props={},r=e.$options._propKeys=[];e.$parent&&Ce(!1);var o=function(o){r.push(o);var s=Re(o,t,n,e);Me(i,o,s),o in e||It(e,"_props",o)};for(var s in t)o(s);Ce(!0)}(e,t.props),t.methods&&function(e,t){e.$options.props;for(var n in t)e[n]=null==t[n]?T:$(t[n],e)}(e,t.methods),t.data?function(e){var t=e.$options.data;u(t=e._data="function"==typeof t?function(e,t){de();try{return e.call(t,t)}catch(e){return ze(e,t,"data()"),{}}finally{fe()}}(t,e):t||{})||(t={});var n=Object.keys(t),i=e.$options.props,r=(e.$options.methods,n.length);for(;r--;){var o=n[r];0,i&&b(i,o)||B(o)||It(e,"_data",o)}$e(t,!0)}(e):$e(e._data={},!0),t.computed&&function(e,t){var n=e._computedWatchers=Object.create(null),i=ne();for(var r in t){var o=t[r],s="function"==typeof o?o:o.get;0,i||(n[r]=new Pt(e,s||T,T,At)),r in e||Lt(e,r,o)}}(e,t.computed),t.watch&&t.watch!==Z&&function(e,t){for(var n in t){var i=t[n];if(Array.isArray(i))for(var r=0;r<i.length;r++)Vt(e,n,i[r]);else Vt(e,n,i)}}(e,t.watch)}var At={lazy:!0};function Lt(e,t,n){var i=!ne();"function"==typeof n?(Nt.get=i?Rt(t):n,Nt.set=T):(Nt.get=n.get?i&&!1!==n.cache?Rt(t):n.get:T,Nt.set=n.set?n.set:T),Object.defineProperty(e,t,Nt)}function Rt(e){return function(){var t=this._computedWatchers&&this._computedWatchers[e];if(t)return t.dirty&&t.evaluate(),ue.target&&t.depend(),t.value}}function Vt(e,t,n,i){return u(n)&&(i=n,n=n.handler),"string"==typeof n&&(n=e[n]),e.$watch(t,n,i)}function Bt(e,t){if(e){for(var n=Object.create(null),i=se?Reflect.ownKeys(e).filter(function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}):Object.keys(e),r=0;r<i.length;r++){for(var o=i[r],s=e[o].from,a=t;a;){if(a._provided&&b(a._provided,s)){n[o]=a._provided[s];break}a=a.$parent}if(!a)if("default"in e[o]){var l=e[o].default;n[o]="function"==typeof l?l.call(t):l}else 0}return n}}function jt(e,t){var n,i,o,s,l;if(Array.isArray(e)||"string"==typeof e)for(n=new Array(e.length),i=0,o=e.length;i<o;i++)n[i]=t(e[i],i);else if("number"==typeof e)for(n=new Array(e),i=0;i<e;i++)n[i]=t(i+1,i);else if(a(e))for(s=Object.keys(e),n=new Array(s.length),i=0,o=s.length;i<o;i++)l=s[i],n[i]=t(e[l],l,i);return r(n)&&(n._isVList=!0),n}function zt(e,t,n,i){var r,o=this.$scopedSlots[e];if(o)n=n||{},i&&(n=E(E({},i),n)),r=o(n)||t;else{var s=this.$slots[e];s&&(s._rendered=!0),r=s||t}var a=n&&n.slot;return a?this.$createElement("template",{slot:a},r):r}function Ht(e){return Le(this.$options,"filters",e)||P}function qt(e,t){return Array.isArray(e)?-1===e.indexOf(t):e!==t}function Wt(e,t,n,i,r){var o=V.keyCodes[t]||n;return r&&i&&!V.keyCodes[t]?qt(r,i):o?qt(o,e):i?S(i)!==t:void 0}function Kt(e,t,n,i,r){if(n)if(a(n)){var o;Array.isArray(n)&&(n=O(n));var s=function(s){if("class"===s||"style"===s||v(s))o=e;else{var a=e.attrs&&e.attrs.type;o=i||V.mustUseProp(t,a,s)?e.domProps||(e.domProps={}):e.attrs||(e.attrs={})}s in o||(o[s]=n[s],r&&((e.on||(e.on={}))["update:"+s]=function(e){n[s]=e}))};for(var l in n)s(l)}else;return e}function Ut(e,t){var n=this._staticTrees||(this._staticTrees=[]),i=n[e];return i&&!t?i:(Yt(i=n[e]=this.$options.staticRenderFns[e].call(this._renderProxy,null,this),"__static__"+e,!1),i)}function Gt(e,t,n){return Yt(e,"__once__"+t+(n?"_"+n:""),!0),e}function Yt(e,t,n){if(Array.isArray(e))for(var i=0;i<e.length;i++)e[i]&&"string"!=typeof e[i]&&Xt(e[i],t+"_"+i,n);else Xt(e,t,n)}function Xt(e,t,n){e.isStatic=!0,e.key=t,e.isOnce=n}function Jt(e,t){if(t)if(u(t)){var n=e.on=e.on?E({},e.on):{};for(var i in t){var r=n[i],o=t[i];n[i]=r?[].concat(r,o):o}}else;return e}function Qt(e){e._o=Gt,e._n=h,e._s=f,e._l=jt,e._t=zt,e._q=N,e._i=I,e._m=Ut,e._f=Ht,e._k=Wt,e._b=Kt,e._v=ve,e._e=me,e._u=bt,e._g=Jt}function Zt(e,t,i,r,s){var a,l=s.options;b(r,"_uid")?(a=Object.create(r))._original=r:(a=r,r=r._original);var u=o(l._compiled),c=!u;this.data=e,this.props=t,this.children=i,this.parent=r,this.listeners=e.on||n,this.injections=Bt(l.inject,r),this.slots=function(){return gt(i,r)},u&&(this.$options=l,this.$slots=this.slots(),this.$scopedSlots=e.scopedSlots||n),l._scopeId?this._c=function(e,t,n,i){var o=ln(a,e,t,n,i,c);return o&&!Array.isArray(o)&&(o.fnScopeId=l._scopeId,o.fnContext=r),o}:this._c=function(e,t,n,i){return ln(a,e,t,n,i,c)}}function en(e,t,n,i){var r=ge(e);return r.fnContext=n,r.fnOptions=i,t.slot&&((r.data||(r.data={})).slot=t.slot),r}function tn(e,t){for(var n in t)e[C(n)]=t[n]}Qt(Zt.prototype);var nn={init:function(e,t,n,i){if(e.componentInstance&&!e.componentInstance._isDestroyed&&e.data.keepAlive){var o=e;nn.prepatch(o,o)}else{(e.componentInstance=function(e,t,n,i){var o={_isComponent:!0,parent:t,_parentVnode:e,_parentElm:n||null,_refElm:i||null},s=e.data.inlineTemplate;r(s)&&(o.render=s.render,o.staticRenderFns=s.staticRenderFns);return new e.componentOptions.Ctor(o)}(e,_t,n,i)).$mount(t?e.elm:void 0,t)}},prepatch:function(e,t){var i=t.componentOptions;!function(e,t,i,r,o){var s=!!(o||e.$options._renderChildren||r.data.scopedSlots||e.$scopedSlots!==n);if(e.$options._parentVnode=r,e.$vnode=r,e._vnode&&(e._vnode.parent=r),e.$options._renderChildren=o,e.$attrs=r.data.attrs||n,e.$listeners=i||n,t&&e.$options.props){Ce(!1);for(var a=e._props,l=e.$options._propKeys||[],u=0;u<l.length;u++){var c=l[u],d=e.$options.props;a[c]=Re(c,d,t,e)}Ce(!0),e.$options.propsData=t}i=i||n;var f=e.$options._parentListeners;e.$options._parentListeners=i,vt(e,i,f),s&&(e.$slots=gt(o,r.context),e.$forceUpdate())}(t.componentInstance=e.componentInstance,i.propsData,i.listeners,t,i.children)},insert:function(e){var t,n=e.context,i=e.componentInstance;i._isMounted||(i._isMounted=!0,wt(i,"mounted")),e.data.keepAlive&&(n._isMounted?((t=i)._inactive=!1,St.push(t)):Ct(i,!0))},destroy:function(e){var t=e.componentInstance;t._isDestroyed||(e.data.keepAlive?function e(t,n){if(!(n&&(t._directInactive=!0,xt(t))||t._inactive)){t._inactive=!0;for(var i=0;i<t.$children.length;i++)e(t.$children[i]);wt(t,"deactivated")}}(t,!0):t.$destroy())}},rn=Object.keys(nn);function on(e,t,s,l,u){if(!i(e)){var c=s.$options._base;if(a(e)&&(e=c.extend(e)),"function"==typeof e){var d;if(i(e.cid)&&void 0===(e=function(e,t,n){if(o(e.error)&&r(e.errorComp))return e.errorComp;if(r(e.resolved))return e.resolved;if(o(e.loading)&&r(e.loadingComp))return e.loadingComp;if(!r(e.contexts)){var s=e.contexts=[n],l=!0,u=function(){for(var e=0,t=s.length;e<t;e++)s[e].$forceUpdate()},c=F(function(n){e.resolved=dt(n,t),l||u()}),d=F(function(t){r(e.errorComp)&&(e.error=!0,u())}),f=e(c,d);return a(f)&&("function"==typeof f.then?i(e.resolved)&&f.then(c,d):r(f.component)&&"function"==typeof f.component.then&&(f.component.then(c,d),r(f.error)&&(e.errorComp=dt(f.error,t)),r(f.loading)&&(e.loadingComp=dt(f.loading,t),0===f.delay?e.loading=!0:setTimeout(function(){i(e.resolved)&&i(e.error)&&(e.loading=!0,u())},f.delay||200)),r(f.timeout)&&setTimeout(function(){i(e.resolved)&&d(null)},f.timeout))),l=!1,e.loading?e.loadingComp:e.resolved}e.contexts.push(n)}(d=e,c,s)))return function(e,t,n,i,r){var o=me();return o.asyncFactory=e,o.asyncMeta={data:t,context:n,children:i,tag:r},o}(d,t,s,l,u);t=t||{},cn(e),r(t.model)&&function(e,t){var n=e.model&&e.model.prop||"value",i=e.model&&e.model.event||"input";(t.props||(t.props={}))[n]=t.model.value;var o=t.on||(t.on={});r(o[i])?o[i]=[t.model.callback].concat(o[i]):o[i]=t.model.callback}(e.options,t);var f=function(e,t,n){var o=t.options.props;if(!i(o)){var s={},a=e.attrs,l=e.props;if(r(a)||r(l))for(var u in o){var c=S(u);lt(s,l,u,c,!0)||lt(s,a,u,c,!1)}return s}}(t,e);if(o(e.options.functional))return function(e,t,i,o,s){var a=e.options,l={},u=a.props;if(r(u))for(var c in u)l[c]=Re(c,u,t||n);else r(i.attrs)&&tn(l,i.attrs),r(i.props)&&tn(l,i.props);var d=new Zt(i,l,s,o,e),f=a.render.call(null,d._c,d);if(f instanceof he)return en(f,i,d.parent,a);if(Array.isArray(f)){for(var h=ut(f)||[],p=new Array(h.length),m=0;m<h.length;m++)p[m]=en(h[m],i,d.parent,a);return p}}(e,f,t,s,l);var h=t.on;if(t.on=t.nativeOn,o(e.options.abstract)){var p=t.slot;t={},p&&(t.slot=p)}!function(e){for(var t=e.hook||(e.hook={}),n=0;n<rn.length;n++){var i=rn[n];t[i]=nn[i]}}(t);var m=e.options.name||u;return new he("vue-component-"+e.cid+(m?"-"+m:""),t,void 0,void 0,void 0,s,{Ctor:e,propsData:f,listeners:h,tag:u,children:l},d)}}}var sn=1,an=2;function ln(e,t,n,l,u,c){return(Array.isArray(n)||s(n))&&(u=l,l=n,n=void 0),o(c)&&(u=an),function(e,t,n,s,l){if(r(n)&&r(n.__ob__))return me();r(n)&&r(n.is)&&(t=n.is);if(!t)return me();0;Array.isArray(s)&&"function"==typeof s[0]&&((n=n||{}).scopedSlots={default:s[0]},s.length=0);l===an?s=ut(s):l===sn&&(s=function(e){for(var t=0;t<e.length;t++)if(Array.isArray(e[t]))return Array.prototype.concat.apply([],e);return e}(s));var u,c;if("string"==typeof t){var d;c=e.$vnode&&e.$vnode.ns||V.getTagNamespace(t),u=V.isReservedTag(t)?new he(V.parsePlatformTagName(t),n,s,void 0,void 0,e):r(d=Le(e.$options,"components",t))?on(d,n,e,s,t):new he(t,n,s,void 0,void 0,e)}else u=on(t,n,e,s);return Array.isArray(u)?u:r(u)?(r(c)&&function e(t,n,s){t.ns=n;"foreignObject"===t.tag&&(n=void 0,s=!0);if(r(t.children))for(var a=0,l=t.children.length;a<l;a++){var u=t.children[a];r(u.tag)&&(i(u.ns)||o(s)&&"svg"!==u.tag)&&e(u,n,s)}}(u,c),r(n)&&function(e){a(e.style)&&nt(e.style);a(e.class)&&nt(e.class)}(n),u):me()}(e,t,n,l,u)}var un=0;function cn(e){var t=e.options;if(e.super){var n=cn(e.super);if(n!==e.superOptions){e.superOptions=n;var i=function(e){var t,n=e.options,i=e.extendOptions,r=e.sealedOptions;for(var o in n)n[o]!==r[o]&&(t||(t={}),t[o]=dn(n[o],i[o],r[o]));return t}(e);i&&E(e.extendOptions,i),(t=e.options=Ae(n,e.extendOptions)).name&&(t.components[t.name]=e)}}return t}function dn(e,t,n){if(Array.isArray(e)){var i=[];n=Array.isArray(n)?n:[n],t=Array.isArray(t)?t:[t];for(var r=0;r<e.length;r++)(t.indexOf(e[r])>=0||n.indexOf(e[r])<0)&&i.push(e[r]);return i}return e}function fn(e){this._init(e)}function hn(e){e.cid=0;var t=1;e.extend=function(e){e=e||{};var n=this,i=n.cid,r=e._Ctor||(e._Ctor={});if(r[i])return r[i];var o=e.name||n.options.name;var s=function(e){this._init(e)};return(s.prototype=Object.create(n.prototype)).constructor=s,s.cid=t++,s.options=Ae(n.options,e),s.super=n,s.options.props&&function(e){var t=e.options.props;for(var n in t)It(e.prototype,"_props",n)}(s),s.options.computed&&function(e){var t=e.options.computed;for(var n in t)Lt(e.prototype,n,t[n])}(s),s.extend=n.extend,s.mixin=n.mixin,s.use=n.use,L.forEach(function(e){s[e]=n[e]}),o&&(s.options.components[o]=s),s.superOptions=n.options,s.extendOptions=e,s.sealedOptions=E({},s.options),r[i]=s,s}}function pn(e){return e&&(e.Ctor.options.name||e.tag)}function mn(e,t){return Array.isArray(e)?e.indexOf(t)>-1:"string"==typeof e?e.split(",").indexOf(t)>-1:!!c(e)&&e.test(t)}function vn(e,t){var n=e.cache,i=e.keys,r=e._vnode;for(var o in n){var s=n[o];if(s){var a=pn(s.componentOptions);a&&!t(a)&&gn(n,o,i,r)}}}function gn(e,t,n,i){var r=e[t];!r||i&&r.tag===i.tag||r.componentInstance.$destroy(),e[t]=null,g(n,t)}!function(e){e.prototype._init=function(e){var t=this;t._uid=un++,t._isVue=!0,e&&e._isComponent?function(e,t){var n=e.$options=Object.create(e.constructor.options),i=t._parentVnode;n.parent=t.parent,n._parentVnode=i,n._parentElm=t._parentElm,n._refElm=t._refElm;var r=i.componentOptions;n.propsData=r.propsData,n._parentListeners=r.listeners,n._renderChildren=r.children,n._componentTag=r.tag,t.render&&(n.render=t.render,n.staticRenderFns=t.staticRenderFns)}(t,e):t.$options=Ae(cn(t.constructor),e||{},t),t._renderProxy=t,t._self=t,function(e){var t=e.$options,n=t.parent;if(n&&!t.abstract){for(;n.$options.abstract&&n.$parent;)n=n.$parent;n.$children.push(e)}e.$parent=n,e.$root=n?n.$root:e,e.$children=[],e.$refs={},e._watcher=null,e._inactive=null,e._directInactive=!1,e._isMounted=!1,e._isDestroyed=!1,e._isBeingDestroyed=!1}(t),function(e){e._events=Object.create(null),e._hasHookEvent=!1;var t=e.$options._parentListeners;t&&vt(e,t)}(t),function(e){e._vnode=null,e._staticTrees=null;var t=e.$options,i=e.$vnode=t._parentVnode,r=i&&i.context;e.$slots=gt(t._renderChildren,r),e.$scopedSlots=n,e._c=function(t,n,i,r){return ln(e,t,n,i,r,!1)},e.$createElement=function(t,n,i,r){return ln(e,t,n,i,r,!0)};var o=i&&i.data;Me(e,"$attrs",o&&o.attrs||n,null,!0),Me(e,"$listeners",t._parentListeners||n,null,!0)}(t),wt(t,"beforeCreate"),function(e){var t=Bt(e.$options.inject,e);t&&(Ce(!1),Object.keys(t).forEach(function(n){Me(e,n,t[n])}),Ce(!0))}(t),Ft(t),function(e){var t=e.$options.provide;t&&(e._provided="function"==typeof t?t.call(e):t)}(t),wt(t,"created"),t.$options.el&&t.$mount(t.$options.el)}}(fn),function(e){var t={get:function(){return this._data}},n={get:function(){return this._props}};Object.defineProperty(e.prototype,"$data",t),Object.defineProperty(e.prototype,"$props",n),e.prototype.$set=Ee,e.prototype.$delete=Oe,e.prototype.$watch=function(e,t,n){if(u(t))return Vt(this,e,t,n);(n=n||{}).user=!0;var i=new Pt(this,e,t,n);return n.immediate&&t.call(this,i.value),function(){i.teardown()}}}(fn),function(e){var t=/^hook:/;e.prototype.$on=function(e,n){if(Array.isArray(e))for(var i=0,r=e.length;i<r;i++)this.$on(e[i],n);else(this._events[e]||(this._events[e]=[])).push(n),t.test(e)&&(this._hasHookEvent=!0);return this},e.prototype.$once=function(e,t){var n=this;function i(){n.$off(e,i),t.apply(n,arguments)}return i.fn=t,n.$on(e,i),n},e.prototype.$off=function(e,t){var n=this;if(!arguments.length)return n._events=Object.create(null),n;if(Array.isArray(e)){for(var i=0,r=e.length;i<r;i++)this.$off(e[i],t);return n}var o=n._events[e];if(!o)return n;if(!t)return n._events[e]=null,n;if(t)for(var s,a=o.length;a--;)if((s=o[a])===t||s.fn===t){o.splice(a,1);break}return n},e.prototype.$emit=function(e){var t=this,n=t._events[e];if(n){n=n.length>1?M(n):n;for(var i=M(arguments,1),r=0,o=n.length;r<o;r++)try{n[r].apply(t,i)}catch(n){ze(n,t,'event handler for "'+e+'"')}}return t}}(fn),function(e){e.prototype._update=function(e,t){var n=this;n._isMounted&&wt(n,"beforeUpdate");var i=n.$el,r=n._vnode,o=_t;_t=n,n._vnode=e,r?n.$el=n.__patch__(r,e):(n.$el=n.__patch__(n.$el,e,t,!1,n.$options._parentElm,n.$options._refElm),n.$options._parentElm=n.$options._refElm=null),_t=o,i&&(i.__vue__=null),n.$el&&(n.$el.__vue__=n),n.$vnode&&n.$parent&&n.$vnode===n.$parent._vnode&&(n.$parent.$el=n.$el)},e.prototype.$forceUpdate=function(){this._watcher&&this._watcher.update()},e.prototype.$destroy=function(){var e=this;if(!e._isBeingDestroyed){wt(e,"beforeDestroy"),e._isBeingDestroyed=!0;var t=e.$parent;!t||t._isBeingDestroyed||e.$options.abstract||g(t.$children,e),e._watcher&&e._watcher.teardown();for(var n=e._watchers.length;n--;)e._watchers[n].teardown();e._data.__ob__&&e._data.__ob__.vmCount--,e._isDestroyed=!0,e.__patch__(e._vnode,null),wt(e,"destroyed"),e.$off(),e.$el&&(e.$el.__vue__=null),e.$vnode&&(e.$vnode.parent=null)}}}(fn),function(e){Qt(e.prototype),e.prototype.$nextTick=function(e){return et(e,this)},e.prototype._render=function(){var e,t=this,i=t.$options,r=i.render,o=i._parentVnode;o&&(t.$scopedSlots=o.data.scopedSlots||n),t.$vnode=o;try{e=r.call(t._renderProxy,t.$createElement)}catch(n){ze(n,t,"render"),e=t._vnode}return e instanceof he||(e=me()),e.parent=o,e}}(fn);var yn=[String,RegExp,Array],bn={KeepAlive:{name:"keep-alive",abstract:!0,props:{include:yn,exclude:yn,max:[String,Number]},created:function(){this.cache=Object.create(null),this.keys=[]},destroyed:function(){for(var e in this.cache)gn(this.cache,e,this.keys)},mounted:function(){var e=this;this.$watch("include",function(t){vn(e,function(e){return mn(t,e)})}),this.$watch("exclude",function(t){vn(e,function(e){return!mn(t,e)})})},render:function(){var e=this.$slots.default,t=ht(e),n=t&&t.componentOptions;if(n){var i=pn(n),r=this.include,o=this.exclude;if(r&&(!i||!mn(r,i))||o&&i&&mn(o,i))return t;var s=this.cache,a=this.keys,l=null==t.key?n.Ctor.cid+(n.tag?"::"+n.tag:""):t.key;s[l]?(t.componentInstance=s[l].componentInstance,g(a,l),a.push(l)):(s[l]=t,a.push(l),this.max&&a.length>parseInt(this.max)&&gn(s,a[0],a,this._vnode)),t.data.keepAlive=!0}return t||e&&e[0]}}};!function(e){var t={get:function(){return V}};Object.defineProperty(e,"config",t),e.util={warn:ae,extend:E,mergeOptions:Ae,defineReactive:Me},e.set=Ee,e.delete=Oe,e.nextTick=et,e.options=Object.create(null),L.forEach(function(t){e.options[t+"s"]=Object.create(null)}),e.options._base=e,E(e.options.components,bn),function(e){e.use=function(e){var t=this._installedPlugins||(this._installedPlugins=[]);if(t.indexOf(e)>-1)return this;var n=M(arguments,1);return n.unshift(this),"function"==typeof e.install?e.install.apply(e,n):"function"==typeof e&&e.apply(null,n),t.push(e),this}}(e),function(e){e.mixin=function(e){return this.options=Ae(this.options,e),this}}(e),hn(e),function(e){L.forEach(function(t){e[t]=function(e,n){return n?("component"===t&&u(n)&&(n.name=n.name||e,n=this.options._base.extend(n)),"directive"===t&&"function"==typeof n&&(n={bind:n,update:n}),this.options[t+"s"][e]=n,n):this.options[t+"s"][e]}})}(e)}(fn),Object.defineProperty(fn.prototype,"$isServer",{get:ne}),Object.defineProperty(fn.prototype,"$ssrContext",{get:function(){return this.$vnode&&this.$vnode.ssrContext}}),Object.defineProperty(fn,"FunctionalRenderContext",{value:Zt}),fn.version="2.5.16";var _n=p("style,class"),xn=p("input,textarea,option,select,progress"),Cn=function(e,t,n){return"value"===n&&xn(e)&&"button"!==t||"selected"===n&&"option"===e||"checked"===n&&"input"===e||"muted"===n&&"video"===e},wn=p("contenteditable,draggable,spellcheck"),kn=p("allowfullscreen,async,autofocus,autoplay,checked,compact,controls,declare,default,defaultchecked,defaultmuted,defaultselected,defer,disabled,enabled,formnovalidate,hidden,indeterminate,inert,ismap,itemscope,loop,multiple,muted,nohref,noresize,noshade,novalidate,nowrap,open,pauseonexit,readonly,required,reversed,scoped,seamless,selected,sortable,translate,truespeed,typemustmatch,visible"),Sn="http://www.w3.org/1999/xlink",$n=function(e){return":"===e.charAt(5)&&"xlink"===e.slice(0,5)},Mn=function(e){return $n(e)?e.slice(6,e.length):""},En=function(e){return null==e||!1===e};function On(e){for(var t=e.data,n=e,i=e;r(i.componentInstance);)(i=i.componentInstance._vnode)&&i.data&&(t=Tn(i.data,t));for(;r(n=n.parent);)n&&n.data&&(t=Tn(t,n.data));return function(e,t){if(r(e)||r(t))return Dn(e,Pn(t));return""}(t.staticClass,t.class)}function Tn(e,t){return{staticClass:Dn(e.staticClass,t.staticClass),class:r(e.class)?[e.class,t.class]:t.class}}function Dn(e,t){return e?t?e+" "+t:e:t||""}function Pn(e){return Array.isArray(e)?function(e){for(var t,n="",i=0,o=e.length;i<o;i++)r(t=Pn(e[i]))&&""!==t&&(n&&(n+=" "),n+=t);return n}(e):a(e)?function(e){var t="";for(var n in e)e[n]&&(t&&(t+=" "),t+=n);return t}(e):"string"==typeof e?e:""}var Nn={svg:"http://www.w3.org/2000/svg",math:"http://www.w3.org/1998/Math/MathML"},In=p("html,body,base,head,link,meta,style,title,address,article,aside,footer,header,h1,h2,h3,h4,h5,h6,hgroup,nav,section,div,dd,dl,dt,figcaption,figure,picture,hr,img,li,main,ol,p,pre,ul,a,b,abbr,bdi,bdo,br,cite,code,data,dfn,em,i,kbd,mark,q,rp,rt,rtc,ruby,s,samp,small,span,strong,sub,sup,time,u,var,wbr,area,audio,map,track,video,embed,object,param,source,canvas,script,noscript,del,ins,caption,col,colgroup,table,thead,tbody,td,th,tr,button,datalist,fieldset,form,input,label,legend,meter,optgroup,option,output,progress,select,textarea,details,dialog,menu,menuitem,summary,content,element,shadow,template,blockquote,iframe,tfoot"),Fn=p("svg,animate,circle,clippath,cursor,defs,desc,ellipse,filter,font-face,foreignObject,g,glyph,image,line,marker,mask,missing-glyph,path,pattern,polygon,polyline,rect,switch,symbol,text,textpath,tspan,use,view",!0),An=function(e){return In(e)||Fn(e)};function Ln(e){return Fn(e)?"svg":"math"===e?"math":void 0}var Rn=Object.create(null);var Vn=p("text,number,password,search,email,tel,url");function Bn(e){if("string"==typeof e){var t=document.querySelector(e);return t||document.createElement("div")}return e}var jn=Object.freeze({createElement:function(e,t){var n=document.createElement(e);return"select"!==e?n:(t.data&&t.data.attrs&&void 0!==t.data.attrs.multiple&&n.setAttribute("multiple","multiple"),n)},createElementNS:function(e,t){return document.createElementNS(Nn[e],t)},createTextNode:function(e){return document.createTextNode(e)},createComment:function(e){return document.createComment(e)},insertBefore:function(e,t,n){e.insertBefore(t,n)},removeChild:function(e,t){e.removeChild(t)},appendChild:function(e,t){e.appendChild(t)},parentNode:function(e){return e.parentNode},nextSibling:function(e){return e.nextSibling},tagName:function(e){return e.tagName},setTextContent:function(e,t){e.textContent=t},setStyleScope:function(e,t){e.setAttribute(t,"")}}),zn={create:function(e,t){Hn(t)},update:function(e,t){e.data.ref!==t.data.ref&&(Hn(e,!0),Hn(t))},destroy:function(e){Hn(e,!0)}};function Hn(e,t){var n=e.data.ref;if(r(n)){var i=e.context,o=e.componentInstance||e.elm,s=i.$refs;t?Array.isArray(s[n])?g(s[n],o):s[n]===o&&(s[n]=void 0):e.data.refInFor?Array.isArray(s[n])?s[n].indexOf(o)<0&&s[n].push(o):s[n]=[o]:s[n]=o}}var qn=new he("",{},[]),Wn=["create","activate","update","remove","destroy"];function Kn(e,t){return e.key===t.key&&(e.tag===t.tag&&e.isComment===t.isComment&&r(e.data)===r(t.data)&&function(e,t){if("input"!==e.tag)return!0;var n,i=r(n=e.data)&&r(n=n.attrs)&&n.type,o=r(n=t.data)&&r(n=n.attrs)&&n.type;return i===o||Vn(i)&&Vn(o)}(e,t)||o(e.isAsyncPlaceholder)&&e.asyncFactory===t.asyncFactory&&i(t.asyncFactory.error))}function Un(e,t,n){var i,o,s={};for(i=t;i<=n;++i)r(o=e[i].key)&&(s[o]=i);return s}var Gn={create:Yn,update:Yn,destroy:function(e){Yn(e,qn)}};function Yn(e,t){(e.data.directives||t.data.directives)&&function(e,t){var n,i,r,o=e===qn,s=t===qn,a=Jn(e.data.directives,e.context),l=Jn(t.data.directives,t.context),u=[],c=[];for(n in l)i=a[n],r=l[n],i?(r.oldValue=i.value,Zn(r,"update",t,e),r.def&&r.def.componentUpdated&&c.push(r)):(Zn(r,"bind",t,e),r.def&&r.def.inserted&&u.push(r));if(u.length){var d=function(){for(var n=0;n<u.length;n++)Zn(u[n],"inserted",t,e)};o?at(t,"insert",d):d()}c.length&&at(t,"postpatch",function(){for(var n=0;n<c.length;n++)Zn(c[n],"componentUpdated",t,e)});if(!o)for(n in a)l[n]||Zn(a[n],"unbind",e,e,s)}(e,t)}var Xn=Object.create(null);function Jn(e,t){var n,i,r=Object.create(null);if(!e)return r;for(n=0;n<e.length;n++)(i=e[n]).modifiers||(i.modifiers=Xn),r[Qn(i)]=i,i.def=Le(t.$options,"directives",i.name);return r}function Qn(e){return e.rawName||e.name+"."+Object.keys(e.modifiers||{}).join(".")}function Zn(e,t,n,i,r){var o=e.def&&e.def[t];if(o)try{o(n.elm,e,n,i,r)}catch(i){ze(i,n.context,"directive "+e.name+" "+t+" hook")}}var ei=[zn,Gn];function ti(e,t){var n=t.componentOptions;if(!(r(n)&&!1===n.Ctor.options.inheritAttrs||i(e.data.attrs)&&i(t.data.attrs))){var o,s,a=t.elm,l=e.data.attrs||{},u=t.data.attrs||{};for(o in r(u.__ob__)&&(u=t.data.attrs=E({},u)),u)s=u[o],l[o]!==s&&ni(a,o,s);for(o in(Y||J)&&u.value!==l.value&&ni(a,"value",u.value),l)i(u[o])&&($n(o)?a.removeAttributeNS(Sn,Mn(o)):wn(o)||a.removeAttribute(o))}}function ni(e,t,n){e.tagName.indexOf("-")>-1?ii(e,t,n):kn(t)?En(n)?e.removeAttribute(t):(n="allowfullscreen"===t&&"EMBED"===e.tagName?"true":t,e.setAttribute(t,n)):wn(t)?e.setAttribute(t,En(n)||"false"===n?"false":"true"):$n(t)?En(n)?e.removeAttributeNS(Sn,Mn(t)):e.setAttributeNS(Sn,t,n):ii(e,t,n)}function ii(e,t,n){if(En(n))e.removeAttribute(t);else{if(Y&&!X&&"TEXTAREA"===e.tagName&&"placeholder"===t&&!e.__ieph){var i=function(t){t.stopImmediatePropagation(),e.removeEventListener("input",i)};e.addEventListener("input",i),e.__ieph=!0}e.setAttribute(t,n)}}var ri={create:ti,update:ti};function oi(e,t){var n=t.elm,o=t.data,s=e.data;if(!(i(o.staticClass)&&i(o.class)&&(i(s)||i(s.staticClass)&&i(s.class)))){var a=On(t),l=n._transitionClasses;r(l)&&(a=Dn(a,Pn(l))),a!==n._prevClass&&(n.setAttribute("class",a),n._prevClass=a)}}var si,ai,li,ui,ci,di,fi={create:oi,update:oi},hi=/[\w).+\-_$\]]/;function pi(e){var t,n,i,r,o,s=!1,a=!1,l=!1,u=!1,c=0,d=0,f=0,h=0;for(i=0;i<e.length;i++)if(n=t,t=e.charCodeAt(i),s)39===t&&92!==n&&(s=!1);else if(a)34===t&&92!==n&&(a=!1);else if(l)96===t&&92!==n&&(l=!1);else if(u)47===t&&92!==n&&(u=!1);else if(124!==t||124===e.charCodeAt(i+1)||124===e.charCodeAt(i-1)||c||d||f){switch(t){case 34:a=!0;break;case 39:s=!0;break;case 96:l=!0;break;case 40:f++;break;case 41:f--;break;case 91:d++;break;case 93:d--;break;case 123:c++;break;case 125:c--}if(47===t){for(var p=i-1,m=void 0;p>=0&&" "===(m=e.charAt(p));p--);m&&hi.test(m)||(u=!0)}}else void 0===r?(h=i+1,r=e.slice(0,i).trim()):v();function v(){(o||(o=[])).push(e.slice(h,i).trim()),h=i+1}if(void 0===r?r=e.slice(0,i).trim():0!==h&&v(),o)for(i=0;i<o.length;i++)r=mi(r,o[i]);return r}function mi(e,t){var n=t.indexOf("(");if(n<0)return'_f("'+t+'")('+e+")";var i=t.slice(0,n),r=t.slice(n+1);return'_f("'+i+'")('+e+(")"!==r?","+r:r)}function vi(e){console.error("[Vue compiler]: "+e)}function gi(e,t){return e?e.map(function(e){return e[t]}).filter(function(e){return e}):[]}function yi(e,t,n){(e.props||(e.props=[])).push({name:t,value:n}),e.plain=!1}function bi(e,t,n){(e.attrs||(e.attrs=[])).push({name:t,value:n}),e.plain=!1}function _i(e,t,n){e.attrsMap[t]=n,e.attrsList.push({name:t,value:n})}function xi(e,t,n,i,r,o){(e.directives||(e.directives=[])).push({name:t,rawName:n,value:i,arg:r,modifiers:o}),e.plain=!1}function Ci(e,t,i,r,o,s){var a;(r=r||n).capture&&(delete r.capture,t="!"+t),r.once&&(delete r.once,t="~"+t),r.passive&&(delete r.passive,t="&"+t),"click"===t&&(r.right?(t="contextmenu",delete r.right):r.middle&&(t="mouseup")),r.native?(delete r.native,a=e.nativeEvents||(e.nativeEvents={})):a=e.events||(e.events={});var l={value:i.trim()};r!==n&&(l.modifiers=r);var u=a[t];Array.isArray(u)?o?u.unshift(l):u.push(l):a[t]=u?o?[l,u]:[u,l]:l,e.plain=!1}function wi(e,t,n){var i=ki(e,":"+t)||ki(e,"v-bind:"+t);if(null!=i)return pi(i);if(!1!==n){var r=ki(e,t);if(null!=r)return JSON.stringify(r)}}function ki(e,t,n){var i;if(null!=(i=e.attrsMap[t]))for(var r=e.attrsList,o=0,s=r.length;o<s;o++)if(r[o].name===t){r.splice(o,1);break}return n&&delete e.attrsMap[t],i}function Si(e,t,n){var i=n||{},r=i.number,o="$$v";i.trim&&(o="(typeof $$v === 'string'? $$v.trim(): $$v)"),r&&(o="_n("+o+")");var s=$i(t,o);e.model={value:"("+t+")",expression:'"'+t+'"',callback:"function ($$v) {"+s+"}"}}function $i(e,t){var n=function(e){if(e=e.trim(),si=e.length,e.indexOf("[")<0||e.lastIndexOf("]")<si-1)return(ui=e.lastIndexOf("."))>-1?{exp:e.slice(0,ui),key:'"'+e.slice(ui+1)+'"'}:{exp:e,key:null};ai=e,ui=ci=di=0;for(;!Ei();)Oi(li=Mi())?Di(li):91===li&&Ti(li);return{exp:e.slice(0,ci),key:e.slice(ci+1,di)}}(e);return null===n.key?e+"="+t:"$set("+n.exp+", "+n.key+", "+t+")"}function Mi(){return ai.charCodeAt(++ui)}function Ei(){return ui>=si}function Oi(e){return 34===e||39===e}function Ti(e){var t=1;for(ci=ui;!Ei();)if(Oi(e=Mi()))Di(e);else if(91===e&&t++,93===e&&t--,0===t){di=ui;break}}function Di(e){for(var t=e;!Ei()&&(e=Mi())!==t;);}var Pi,Ni="__r",Ii="__c";function Fi(e,t,n,i,r){var o;t=(o=t)._withTask||(o._withTask=function(){Xe=!0;var e=o.apply(null,arguments);return Xe=!1,e}),n&&(t=function(e,t,n){var i=Pi;return function r(){null!==e.apply(null,arguments)&&Ai(t,r,n,i)}}(t,e,i)),Pi.addEventListener(e,t,ee?{capture:i,passive:r}:i)}function Ai(e,t,n,i){(i||Pi).removeEventListener(e,t._withTask||t,n)}function Li(e,t){if(!i(e.data.on)||!i(t.data.on)){var n=t.data.on||{},o=e.data.on||{};Pi=t.elm,function(e){if(r(e[Ni])){var t=Y?"change":"input";e[t]=[].concat(e[Ni],e[t]||[]),delete e[Ni]}r(e[Ii])&&(e.change=[].concat(e[Ii],e.change||[]),delete e[Ii])}(n),st(n,o,Fi,Ai,t.context),Pi=void 0}}var Ri={create:Li,update:Li};function Vi(e,t){if(!i(e.data.domProps)||!i(t.data.domProps)){var n,o,s=t.elm,a=e.data.domProps||{},l=t.data.domProps||{};for(n in r(l.__ob__)&&(l=t.data.domProps=E({},l)),a)i(l[n])&&(s[n]="");for(n in l){if(o=l[n],"textContent"===n||"innerHTML"===n){if(t.children&&(t.children.length=0),o===a[n])continue;1===s.childNodes.length&&s.removeChild(s.childNodes[0])}if("value"===n){s._value=o;var u=i(o)?"":String(o);Bi(s,u)&&(s.value=u)}else s[n]=o}}}function Bi(e,t){return!e.composing&&("OPTION"===e.tagName||function(e,t){var n=!0;try{n=document.activeElement!==e}catch(e){}return n&&e.value!==t}(e,t)||function(e,t){var n=e.value,i=e._vModifiers;if(r(i)){if(i.lazy)return!1;if(i.number)return h(n)!==h(t);if(i.trim)return n.trim()!==t.trim()}return n!==t}(e,t))}var ji={create:Vi,update:Vi},zi=_(function(e){var t={},n=/:(.+)/;return e.split(/;(?![^(]*\))/g).forEach(function(e){if(e){var i=e.split(n);i.length>1&&(t[i[0].trim()]=i[1].trim())}}),t});function Hi(e){var t=qi(e.style);return e.staticStyle?E(e.staticStyle,t):t}function qi(e){return Array.isArray(e)?O(e):"string"==typeof e?zi(e):e}var Wi,Ki=/^--/,Ui=/\s*!important$/,Gi=function(e,t,n){if(Ki.test(t))e.style.setProperty(t,n);else if(Ui.test(n))e.style.setProperty(t,n.replace(Ui,""),"important");else{var i=Xi(t);if(Array.isArray(n))for(var r=0,o=n.length;r<o;r++)e.style[i]=n[r];else e.style[i]=n}},Yi=["Webkit","Moz","ms"],Xi=_(function(e){if(Wi=Wi||document.createElement("div").style,"filter"!==(e=C(e))&&e in Wi)return e;for(var t=e.charAt(0).toUpperCase()+e.slice(1),n=0;n<Yi.length;n++){var i=Yi[n]+t;if(i in Wi)return i}});function Ji(e,t){var n=t.data,o=e.data;if(!(i(n.staticStyle)&&i(n.style)&&i(o.staticStyle)&&i(o.style))){var s,a,l=t.elm,u=o.staticStyle,c=o.normalizedStyle||o.style||{},d=u||c,f=qi(t.data.style)||{};t.data.normalizedStyle=r(f.__ob__)?E({},f):f;var h=function(e,t){var n,i={};if(t)for(var r=e;r.componentInstance;)(r=r.componentInstance._vnode)&&r.data&&(n=Hi(r.data))&&E(i,n);(n=Hi(e.data))&&E(i,n);for(var o=e;o=o.parent;)o.data&&(n=Hi(o.data))&&E(i,n);return i}(t,!0);for(a in d)i(h[a])&&Gi(l,a,"");for(a in h)(s=h[a])!==d[a]&&Gi(l,a,null==s?"":s)}}var Qi={create:Ji,update:Ji};function Zi(e,t){if(t&&(t=t.trim()))if(e.classList)t.indexOf(" ")>-1?t.split(/\s+/).forEach(function(t){return e.classList.add(t)}):e.classList.add(t);else{var n=" "+(e.getAttribute("class")||"")+" ";n.indexOf(" "+t+" ")<0&&e.setAttribute("class",(n+t).trim())}}function er(e,t){if(t&&(t=t.trim()))if(e.classList)t.indexOf(" ")>-1?t.split(/\s+/).forEach(function(t){return e.classList.remove(t)}):e.classList.remove(t),e.classList.length||e.removeAttribute("class");else{for(var n=" "+(e.getAttribute("class")||"")+" ",i=" "+t+" ";n.indexOf(i)>=0;)n=n.replace(i," ");(n=n.trim())?e.setAttribute("class",n):e.removeAttribute("class")}}function tr(e){if(e){if("object"==typeof e){var t={};return!1!==e.css&&E(t,nr(e.name||"v")),E(t,e),t}return"string"==typeof e?nr(e):void 0}}var nr=_(function(e){return{enterClass:e+"-enter",enterToClass:e+"-enter-to",enterActiveClass:e+"-enter-active",leaveClass:e+"-leave",leaveToClass:e+"-leave-to",leaveActiveClass:e+"-leave-active"}}),ir=W&&!X,rr="transition",or="animation",sr="transition",ar="transitionend",lr="animation",ur="animationend";ir&&(void 0===window.ontransitionend&&void 0!==window.onwebkittransitionend&&(sr="WebkitTransition",ar="webkitTransitionEnd"),void 0===window.onanimationend&&void 0!==window.onwebkitanimationend&&(lr="WebkitAnimation",ur="webkitAnimationEnd"));var cr=W?window.requestAnimationFrame?window.requestAnimationFrame.bind(window):setTimeout:function(e){return e()};function dr(e){cr(function(){cr(e)})}function fr(e,t){var n=e._transitionClasses||(e._transitionClasses=[]);n.indexOf(t)<0&&(n.push(t),Zi(e,t))}function hr(e,t){e._transitionClasses&&g(e._transitionClasses,t),er(e,t)}function pr(e,t,n){var i=vr(e,t),r=i.type,o=i.timeout,s=i.propCount;if(!r)return n();var a=r===rr?ar:ur,l=0,u=function(){e.removeEventListener(a,c),n()},c=function(t){t.target===e&&++l>=s&&u()};setTimeout(function(){l<s&&u()},o+1),e.addEventListener(a,c)}var mr=/\b(transform|all)(,|$)/;function vr(e,t){var n,i=window.getComputedStyle(e),r=i[sr+"Delay"].split(", "),o=i[sr+"Duration"].split(", "),s=gr(r,o),a=i[lr+"Delay"].split(", "),l=i[lr+"Duration"].split(", "),u=gr(a,l),c=0,d=0;return t===rr?s>0&&(n=rr,c=s,d=o.length):t===or?u>0&&(n=or,c=u,d=l.length):d=(n=(c=Math.max(s,u))>0?s>u?rr:or:null)?n===rr?o.length:l.length:0,{type:n,timeout:c,propCount:d,hasTransform:n===rr&&mr.test(i[sr+"Property"])}}function gr(e,t){for(;e.length<t.length;)e=e.concat(e);return Math.max.apply(null,t.map(function(t,n){return yr(t)+yr(e[n])}))}function yr(e){return 1e3*Number(e.slice(0,-1))}function br(e,t){var n=e.elm;r(n._leaveCb)&&(n._leaveCb.cancelled=!0,n._leaveCb());var o=tr(e.data.transition);if(!i(o)&&!r(n._enterCb)&&1===n.nodeType){for(var s=o.css,l=o.type,u=o.enterClass,c=o.enterToClass,d=o.enterActiveClass,f=o.appearClass,p=o.appearToClass,m=o.appearActiveClass,v=o.beforeEnter,g=o.enter,y=o.afterEnter,b=o.enterCancelled,_=o.beforeAppear,x=o.appear,C=o.afterAppear,w=o.appearCancelled,k=o.duration,S=_t,$=_t.$vnode;$&&$.parent;)S=($=$.parent).context;var M=!S._isMounted||!e.isRootInsert;if(!M||x||""===x){var E=M&&f?f:u,O=M&&m?m:d,T=M&&p?p:c,D=M&&_||v,P=M&&"function"==typeof x?x:g,N=M&&C||y,I=M&&w||b,A=h(a(k)?k.enter:k);0;var L=!1!==s&&!X,R=Cr(P),V=n._enterCb=F(function(){L&&(hr(n,T),hr(n,O)),V.cancelled?(L&&hr(n,E),I&&I(n)):N&&N(n),n._enterCb=null});e.data.show||at(e,"insert",function(){var t=n.parentNode,i=t&&t._pending&&t._pending[e.key];i&&i.tag===e.tag&&i.elm._leaveCb&&i.elm._leaveCb(),P&&P(n,V)}),D&&D(n),L&&(fr(n,E),fr(n,O),dr(function(){hr(n,E),V.cancelled||(fr(n,T),R||(xr(A)?setTimeout(V,A):pr(n,l,V)))})),e.data.show&&(t&&t(),P&&P(n,V)),L||R||V()}}}function _r(e,t){var n=e.elm;r(n._enterCb)&&(n._enterCb.cancelled=!0,n._enterCb());var o=tr(e.data.transition);if(i(o)||1!==n.nodeType)return t();if(!r(n._leaveCb)){var s=o.css,l=o.type,u=o.leaveClass,c=o.leaveToClass,d=o.leaveActiveClass,f=o.beforeLeave,p=o.leave,m=o.afterLeave,v=o.leaveCancelled,g=o.delayLeave,y=o.duration,b=!1!==s&&!X,_=Cr(p),x=h(a(y)?y.leave:y);0;var C=n._leaveCb=F(function(){n.parentNode&&n.parentNode._pending&&(n.parentNode._pending[e.key]=null),b&&(hr(n,c),hr(n,d)),C.cancelled?(b&&hr(n,u),v&&v(n)):(t(),m&&m(n)),n._leaveCb=null});g?g(w):w()}function w(){C.cancelled||(e.data.show||((n.parentNode._pending||(n.parentNode._pending={}))[e.key]=e),f&&f(n),b&&(fr(n,u),fr(n,d),dr(function(){hr(n,u),C.cancelled||(fr(n,c),_||(xr(x)?setTimeout(C,x):pr(n,l,C)))})),p&&p(n,C),b||_||C())}}function xr(e){return"number"==typeof e&&!isNaN(e)}function Cr(e){if(i(e))return!1;var t=e.fns;return r(t)?Cr(Array.isArray(t)?t[0]:t):(e._length||e.length)>1}function wr(e,t){!0!==t.data.show&&br(t)}var kr=function(e){var t,n,a={},l=e.modules,u=e.nodeOps;for(t=0;t<Wn.length;++t)for(a[Wn[t]]=[],n=0;n<l.length;++n)r(l[n][Wn[t]])&&a[Wn[t]].push(l[n][Wn[t]]);function c(e){var t=u.parentNode(e);r(t)&&u.removeChild(t,e)}function d(e,t,n,i,s,l,c){if(r(e.elm)&&r(l)&&(e=l[c]=ge(e)),e.isRootInsert=!s,!function(e,t,n,i){var s=e.data;if(r(s)){var l=r(e.componentInstance)&&s.keepAlive;if(r(s=s.hook)&&r(s=s.init)&&s(e,!1,n,i),r(e.componentInstance))return f(e,t),o(l)&&function(e,t,n,i){for(var o,s=e;s.componentInstance;)if(s=s.componentInstance._vnode,r(o=s.data)&&r(o=o.transition)){for(o=0;o<a.activate.length;++o)a.activate[o](qn,s);t.push(s);break}h(n,e.elm,i)}(e,t,n,i),!0}}(e,t,n,i)){var d=e.data,p=e.children,v=e.tag;r(v)?(e.elm=e.ns?u.createElementNS(e.ns,v):u.createElement(v,e),y(e),m(e,p,t),r(d)&&g(e,t),h(n,e.elm,i)):o(e.isComment)?(e.elm=u.createComment(e.text),h(n,e.elm,i)):(e.elm=u.createTextNode(e.text),h(n,e.elm,i))}}function f(e,t){r(e.data.pendingInsert)&&(t.push.apply(t,e.data.pendingInsert),e.data.pendingInsert=null),e.elm=e.componentInstance.$el,v(e)?(g(e,t),y(e)):(Hn(e),t.push(e))}function h(e,t,n){r(e)&&(r(n)?n.parentNode===e&&u.insertBefore(e,t,n):u.appendChild(e,t))}function m(e,t,n){if(Array.isArray(t))for(var i=0;i<t.length;++i)d(t[i],n,e.elm,null,!0,t,i);else s(e.text)&&u.appendChild(e.elm,u.createTextNode(String(e.text)))}function v(e){for(;e.componentInstance;)e=e.componentInstance._vnode;return r(e.tag)}function g(e,n){for(var i=0;i<a.create.length;++i)a.create[i](qn,e);r(t=e.data.hook)&&(r(t.create)&&t.create(qn,e),r(t.insert)&&n.push(e))}function y(e){var t;if(r(t=e.fnScopeId))u.setStyleScope(e.elm,t);else for(var n=e;n;)r(t=n.context)&&r(t=t.$options._scopeId)&&u.setStyleScope(e.elm,t),n=n.parent;r(t=_t)&&t!==e.context&&t!==e.fnContext&&r(t=t.$options._scopeId)&&u.setStyleScope(e.elm,t)}function b(e,t,n,i,r,o){for(;i<=r;++i)d(n[i],o,e,t,!1,n,i)}function _(e){var t,n,i=e.data;if(r(i))for(r(t=i.hook)&&r(t=t.destroy)&&t(e),t=0;t<a.destroy.length;++t)a.destroy[t](e);if(r(t=e.children))for(n=0;n<e.children.length;++n)_(e.children[n])}function x(e,t,n,i){for(;n<=i;++n){var o=t[n];r(o)&&(r(o.tag)?(C(o),_(o)):c(o.elm))}}function C(e,t){if(r(t)||r(e.data)){var n,i=a.remove.length+1;for(r(t)?t.listeners+=i:t=function(e,t){function n(){0==--n.listeners&&c(e)}return n.listeners=t,n}(e.elm,i),r(n=e.componentInstance)&&r(n=n._vnode)&&r(n.data)&&C(n,t),n=0;n<a.remove.length;++n)a.remove[n](e,t);r(n=e.data.hook)&&r(n=n.remove)?n(e,t):t()}else c(e.elm)}function w(e,t,n,i){for(var o=n;o<i;o++){var s=t[o];if(r(s)&&Kn(e,s))return o}}function k(e,t,n,s){if(e!==t){var l=t.elm=e.elm;if(o(e.isAsyncPlaceholder))r(t.asyncFactory.resolved)?M(e.elm,t,n):t.isAsyncPlaceholder=!0;else if(o(t.isStatic)&&o(e.isStatic)&&t.key===e.key&&(o(t.isCloned)||o(t.isOnce)))t.componentInstance=e.componentInstance;else{var c,f=t.data;r(f)&&r(c=f.hook)&&r(c=c.prepatch)&&c(e,t);var h=e.children,p=t.children;if(r(f)&&v(t)){for(c=0;c<a.update.length;++c)a.update[c](e,t);r(c=f.hook)&&r(c=c.update)&&c(e,t)}i(t.text)?r(h)&&r(p)?h!==p&&function(e,t,n,o,s){for(var a,l,c,f=0,h=0,p=t.length-1,m=t[0],v=t[p],g=n.length-1,y=n[0],_=n[g],C=!s;f<=p&&h<=g;)i(m)?m=t[++f]:i(v)?v=t[--p]:Kn(m,y)?(k(m,y,o),m=t[++f],y=n[++h]):Kn(v,_)?(k(v,_,o),v=t[--p],_=n[--g]):Kn(m,_)?(k(m,_,o),C&&u.insertBefore(e,m.elm,u.nextSibling(v.elm)),m=t[++f],_=n[--g]):Kn(v,y)?(k(v,y,o),C&&u.insertBefore(e,v.elm,m.elm),v=t[--p],y=n[++h]):(i(a)&&(a=Un(t,f,p)),i(l=r(y.key)?a[y.key]:w(y,t,f,p))?d(y,o,e,m.elm,!1,n,h):Kn(c=t[l],y)?(k(c,y,o),t[l]=void 0,C&&u.insertBefore(e,c.elm,m.elm)):d(y,o,e,m.elm,!1,n,h),y=n[++h]);f>p?b(e,i(n[g+1])?null:n[g+1].elm,n,h,g,o):h>g&&x(0,t,f,p)}(l,h,p,n,s):r(p)?(r(e.text)&&u.setTextContent(l,""),b(l,null,p,0,p.length-1,n)):r(h)?x(0,h,0,h.length-1):r(e.text)&&u.setTextContent(l,""):e.text!==t.text&&u.setTextContent(l,t.text),r(f)&&r(c=f.hook)&&r(c=c.postpatch)&&c(e,t)}}}function S(e,t,n){if(o(n)&&r(e.parent))e.parent.data.pendingInsert=t;else for(var i=0;i<t.length;++i)t[i].data.hook.insert(t[i])}var $=p("attrs,class,staticClass,staticStyle,key");function M(e,t,n,i){var s,a=t.tag,l=t.data,u=t.children;if(i=i||l&&l.pre,t.elm=e,o(t.isComment)&&r(t.asyncFactory))return t.isAsyncPlaceholder=!0,!0;if(r(l)&&(r(s=l.hook)&&r(s=s.init)&&s(t,!0),r(s=t.componentInstance)))return f(t,n),!0;if(r(a)){if(r(u))if(e.hasChildNodes())if(r(s=l)&&r(s=s.domProps)&&r(s=s.innerHTML)){if(s!==e.innerHTML)return!1}else{for(var c=!0,d=e.firstChild,h=0;h<u.length;h++){if(!d||!M(d,u[h],n,i)){c=!1;break}d=d.nextSibling}if(!c||d)return!1}else m(t,u,n);if(r(l)){var p=!1;for(var v in l)if(!$(v)){p=!0,g(t,n);break}!p&&l.class&&nt(l.class)}}else e.data!==t.text&&(e.data=t.text);return!0}return function(e,t,n,s,l,c){if(!i(t)){var f,h=!1,p=[];if(i(e))h=!0,d(t,p,l,c);else{var m=r(e.nodeType);if(!m&&Kn(e,t))k(e,t,p,s);else{if(m){if(1===e.nodeType&&e.hasAttribute(A)&&(e.removeAttribute(A),n=!0),o(n)&&M(e,t,p))return S(t,p,!0),e;f=e,e=new he(u.tagName(f).toLowerCase(),{},[],void 0,f)}var g=e.elm,y=u.parentNode(g);if(d(t,p,g._leaveCb?null:y,u.nextSibling(g)),r(t.parent))for(var b=t.parent,C=v(t);b;){for(var w=0;w<a.destroy.length;++w)a.destroy[w](b);if(b.elm=t.elm,C){for(var $=0;$<a.create.length;++$)a.create[$](qn,b);var E=b.data.hook.insert;if(E.merged)for(var O=1;O<E.fns.length;O++)E.fns[O]()}else Hn(b);b=b.parent}r(y)?x(0,[e],0,0):r(e.tag)&&_(e)}}return S(t,p,h),t.elm}r(e)&&_(e)}}({nodeOps:jn,modules:[ri,fi,Ri,ji,Qi,W?{create:wr,activate:wr,remove:function(e,t){!0!==e.data.show?_r(e,t):t()}}:{}].concat(ei)});X&&document.addEventListener("selectionchange",function(){var e=document.activeElement;e&&e.vmodel&&Pr(e,"input")});var Sr={inserted:function(e,t,n,i){"select"===n.tag?(i.elm&&!i.elm._vOptions?at(n,"postpatch",function(){Sr.componentUpdated(e,t,n)}):$r(e,t,n.context),e._vOptions=[].map.call(e.options,Or)):("textarea"===n.tag||Vn(e.type))&&(e._vModifiers=t.modifiers,t.modifiers.lazy||(e.addEventListener("compositionstart",Tr),e.addEventListener("compositionend",Dr),e.addEventListener("change",Dr),X&&(e.vmodel=!0)))},componentUpdated:function(e,t,n){if("select"===n.tag){$r(e,t,n.context);var i=e._vOptions,r=e._vOptions=[].map.call(e.options,Or);if(r.some(function(e,t){return!N(e,i[t])}))(e.multiple?t.value.some(function(e){return Er(e,r)}):t.value!==t.oldValue&&Er(t.value,r))&&Pr(e,"change")}}};function $r(e,t,n){Mr(e,t,n),(Y||J)&&setTimeout(function(){Mr(e,t,n)},0)}function Mr(e,t,n){var i=t.value,r=e.multiple;if(!r||Array.isArray(i)){for(var o,s,a=0,l=e.options.length;a<l;a++)if(s=e.options[a],r)o=I(i,Or(s))>-1,s.selected!==o&&(s.selected=o);else if(N(Or(s),i))return void(e.selectedIndex!==a&&(e.selectedIndex=a));r||(e.selectedIndex=-1)}}function Er(e,t){return t.every(function(t){return!N(t,e)})}function Or(e){return"_value"in e?e._value:e.value}function Tr(e){e.target.composing=!0}function Dr(e){e.target.composing&&(e.target.composing=!1,Pr(e.target,"input"))}function Pr(e,t){var n=document.createEvent("HTMLEvents");n.initEvent(t,!0,!0),e.dispatchEvent(n)}function Nr(e){return!e.componentInstance||e.data&&e.data.transition?e:Nr(e.componentInstance._vnode)}var Ir={model:Sr,show:{bind:function(e,t,n){var i=t.value,r=(n=Nr(n)).data&&n.data.transition,o=e.__vOriginalDisplay="none"===e.style.display?"":e.style.display;i&&r?(n.data.show=!0,br(n,function(){e.style.display=o})):e.style.display=i?o:"none"},update:function(e,t,n){var i=t.value;!i!=!t.oldValue&&((n=Nr(n)).data&&n.data.transition?(n.data.show=!0,i?br(n,function(){e.style.display=e.__vOriginalDisplay}):_r(n,function(){e.style.display="none"})):e.style.display=i?e.__vOriginalDisplay:"none")},unbind:function(e,t,n,i,r){r||(e.style.display=e.__vOriginalDisplay)}}},Fr={name:String,appear:Boolean,css:Boolean,mode:String,type:String,enterClass:String,leaveClass:String,enterToClass:String,leaveToClass:String,enterActiveClass:String,leaveActiveClass:String,appearClass:String,appearActiveClass:String,appearToClass:String,duration:[Number,String,Object]};function Ar(e){var t=e&&e.componentOptions;return t&&t.Ctor.options.abstract?Ar(ht(t.children)):e}function Lr(e){var t={},n=e.$options;for(var i in n.propsData)t[i]=e[i];var r=n._parentListeners;for(var o in r)t[C(o)]=r[o];return t}function Rr(e,t){if(/\d-keep-alive$/.test(t.tag))return e("keep-alive",{props:t.componentOptions.propsData})}var Vr={name:"transition",props:Fr,abstract:!0,render:function(e){var t=this,n=this.$slots.default;if(n&&(n=n.filter(function(e){return e.tag||ft(e)})).length){0;var i=this.mode;0;var r=n[0];if(function(e){for(;e=e.parent;)if(e.data.transition)return!0}(this.$vnode))return r;var o=Ar(r);if(!o)return r;if(this._leaving)return Rr(e,r);var a="__transition-"+this._uid+"-";o.key=null==o.key?o.isComment?a+"comment":a+o.tag:s(o.key)?0===String(o.key).indexOf(a)?o.key:a+o.key:o.key;var l=(o.data||(o.data={})).transition=Lr(this),u=this._vnode,c=Ar(u);if(o.data.directives&&o.data.directives.some(function(e){return"show"===e.name})&&(o.data.show=!0),c&&c.data&&!function(e,t){return t.key===e.key&&t.tag===e.tag}(o,c)&&!ft(c)&&(!c.componentInstance||!c.componentInstance._vnode.isComment)){var d=c.data.transition=E({},l);if("out-in"===i)return this._leaving=!0,at(d,"afterLeave",function(){t._leaving=!1,t.$forceUpdate()}),Rr(e,r);if("in-out"===i){if(ft(o))return u;var f,h=function(){f()};at(l,"afterEnter",h),at(l,"enterCancelled",h),at(d,"delayLeave",function(e){f=e})}}return r}}},Br=E({tag:String,moveClass:String},Fr);function jr(e){e.elm._moveCb&&e.elm._moveCb(),e.elm._enterCb&&e.elm._enterCb()}function zr(e){e.data.newPos=e.elm.getBoundingClientRect()}function Hr(e){var t=e.data.pos,n=e.data.newPos,i=t.left-n.left,r=t.top-n.top;if(i||r){e.data.moved=!0;var o=e.elm.style;o.transform=o.WebkitTransform="translate("+i+"px,"+r+"px)",o.transitionDuration="0s"}}delete Br.mode;var qr={Transition:Vr,TransitionGroup:{props:Br,render:function(e){for(var t=this.tag||this.$vnode.data.tag||"span",n=Object.create(null),i=this.prevChildren=this.children,r=this.$slots.default||[],o=this.children=[],s=Lr(this),a=0;a<r.length;a++){var l=r[a];if(l.tag)if(null!=l.key&&0!==String(l.key).indexOf("__vlist"))o.push(l),n[l.key]=l,(l.data||(l.data={})).transition=s;else;}if(i){for(var u=[],c=[],d=0;d<i.length;d++){var f=i[d];f.data.transition=s,f.data.pos=f.elm.getBoundingClientRect(),n[f.key]?u.push(f):c.push(f)}this.kept=e(t,null,u),this.removed=c}return e(t,null,o)},beforeUpdate:function(){this.__patch__(this._vnode,this.kept,!1,!0),this._vnode=this.kept},updated:function(){var e=this.prevChildren,t=this.moveClass||(this.name||"v")+"-move";e.length&&this.hasMove(e[0].elm,t)&&(e.forEach(jr),e.forEach(zr),e.forEach(Hr),this._reflow=document.body.offsetHeight,e.forEach(function(e){if(e.data.moved){var n=e.elm,i=n.style;fr(n,t),i.transform=i.WebkitTransform=i.transitionDuration="",n.addEventListener(ar,n._moveCb=function e(i){i&&!/transform$/.test(i.propertyName)||(n.removeEventListener(ar,e),n._moveCb=null,hr(n,t))})}}))},methods:{hasMove:function(e,t){if(!ir)return!1;if(this._hasMove)return this._hasMove;var n=e.cloneNode();e._transitionClasses&&e._transitionClasses.forEach(function(e){er(n,e)}),Zi(n,t),n.style.display="none",this.$el.appendChild(n);var i=vr(n);return this.$el.removeChild(n),this._hasMove=i.hasTransform}}}};fn.config.mustUseProp=Cn,fn.config.isReservedTag=An,fn.config.isReservedAttr=_n,fn.config.getTagNamespace=Ln,fn.config.isUnknownElement=function(e){if(!W)return!0;if(An(e))return!1;if(e=e.toLowerCase(),null!=Rn[e])return Rn[e];var t=document.createElement(e);return e.indexOf("-")>-1?Rn[e]=t.constructor===window.HTMLUnknownElement||t.constructor===window.HTMLElement:Rn[e]=/HTMLUnknownElement/.test(t.toString())},E(fn.options.directives,Ir),E(fn.options.components,qr),fn.prototype.__patch__=W?kr:T,fn.prototype.$mount=function(e,t){return function(e,t,n){return e.$el=t,e.$options.render||(e.$options.render=me),wt(e,"beforeMount"),new Pt(e,function(){e._update(e._render(),n)},T,null,!0),n=!1,null==e.$vnode&&(e._isMounted=!0,wt(e,"mounted")),e}(this,e=e&&W?Bn(e):void 0,t)},W&&setTimeout(function(){V.devtools&&ie&&ie.emit("init",fn)},0);var Wr=/\{\{((?:.|\n)+?)\}\}/g,Kr=/[-.*+?^${}()|[\]\/\\]/g,Ur=_(function(e){var t=e[0].replace(Kr,"\\$&"),n=e[1].replace(Kr,"\\$&");return new RegExp(t+"((?:.|\\n)+?)"+n,"g")});function Gr(e,t){var n=t?Ur(t):Wr;if(n.test(e)){for(var i,r,o,s=[],a=[],l=n.lastIndex=0;i=n.exec(e);){(r=i.index)>l&&(a.push(o=e.slice(l,r)),s.push(JSON.stringify(o)));var u=pi(i[1].trim());s.push("_s("+u+")"),a.push({"@binding":u}),l=r+i[0].length}return l<e.length&&(a.push(o=e.slice(l)),s.push(JSON.stringify(o))),{expression:s.join("+"),tokens:a}}}var Yr={staticKeys:["staticClass"],transformNode:function(e,t){t.warn;var n=ki(e,"class");n&&(e.staticClass=JSON.stringify(n));var i=wi(e,"class",!1);i&&(e.classBinding=i)},genData:function(e){var t="";return e.staticClass&&(t+="staticClass:"+e.staticClass+","),e.classBinding&&(t+="class:"+e.classBinding+","),t}};var Xr,Jr={staticKeys:["staticStyle"],transformNode:function(e,t){t.warn;var n=ki(e,"style");n&&(e.staticStyle=JSON.stringify(zi(n)));var i=wi(e,"style",!1);i&&(e.styleBinding=i)},genData:function(e){var t="";return e.staticStyle&&(t+="staticStyle:"+e.staticStyle+","),e.styleBinding&&(t+="style:("+e.styleBinding+"),"),t}},Qr=function(e){return(Xr=Xr||document.createElement("div")).innerHTML=e,Xr.textContent},Zr=p("area,base,br,col,embed,frame,hr,img,input,isindex,keygen,link,meta,param,source,track,wbr"),eo=p("colgroup,dd,dt,li,options,p,td,tfoot,th,thead,tr,source"),to=p("address,article,aside,base,blockquote,body,caption,col,colgroup,dd,details,dialog,div,dl,dt,fieldset,figcaption,figure,footer,form,h1,h2,h3,h4,h5,h6,head,header,hgroup,hr,html,legend,li,menuitem,meta,optgroup,option,param,rp,rt,source,style,summary,tbody,td,tfoot,th,thead,title,tr,track"),no=/^\s*([^\s"'<>\/=]+)(?:\s*(=)\s*(?:"([^"]*)"+|'([^']*)'+|([^\s"'=<>`]+)))?/,io="[a-zA-Z_][\\w\\-\\.]*",ro="((?:"+io+"\\:)?"+io+")",oo=new RegExp("^<"+ro),so=/^\s*(\/?)>/,ao=new RegExp("^<\\/"+ro+"[^>]*>"),lo=/^<!DOCTYPE [^>]+>/i,uo=/^<!\--/,co=/^<!\[/,fo=!1;"x".replace(/x(.)?/g,function(e,t){fo=""===t});var ho=p("script,style,textarea",!0),po={},mo={"&lt;":"<","&gt;":">","&quot;":'"',"&amp;":"&","&#10;":"\n","&#9;":"\t"},vo=/&(?:lt|gt|quot|amp);/g,go=/&(?:lt|gt|quot|amp|#10|#9);/g,yo=p("pre,textarea",!0),bo=function(e,t){return e&&yo(e)&&"\n"===t[0]};function _o(e,t){var n=t?go:vo;return e.replace(n,function(e){return mo[e]})}var xo,Co,wo,ko,So,$o,Mo,Eo,Oo=/^@|^v-on:/,To=/^v-|^@|^:/,Do=/([^]*?)\s+(?:in|of)\s+([^]*)/,Po=/,([^,\}\]]*)(?:,([^,\}\]]*))?$/,No=/^\(|\)$/g,Io=/:(.*)$/,Fo=/^:|^v-bind:/,Ao=/\.[^.]+/g,Lo=_(Qr);function Ro(e,t,n){return{type:1,tag:e,attrsList:t,attrsMap:function(e){for(var t={},n=0,i=e.length;n<i;n++)t[e[n].name]=e[n].value;return t}(t),parent:n,children:[]}}function Vo(e,t){xo=t.warn||vi,$o=t.isPreTag||D,Mo=t.mustUseProp||D,Eo=t.getTagNamespace||D,wo=gi(t.modules,"transformNode"),ko=gi(t.modules,"preTransformNode"),So=gi(t.modules,"postTransformNode"),Co=t.delimiters;var n,i,r=[],o=!1!==t.preserveWhitespace,s=!1,a=!1;function l(e){e.pre&&(s=!1),$o(e.tag)&&(a=!1);for(var n=0;n<So.length;n++)So[n](e,t)}return function(e,t){for(var n,i,r=[],o=t.expectHTML,s=t.isUnaryTag||D,a=t.canBeLeftOpenTag||D,l=0;e;){if(n=e,i&&ho(i)){var u=0,c=i.toLowerCase(),d=po[c]||(po[c]=new RegExp("([\\s\\S]*?)(</"+c+"[^>]*>)","i")),f=e.replace(d,function(e,n,i){return u=i.length,ho(c)||"noscript"===c||(n=n.replace(/<!\--([\s\S]*?)-->/g,"$1").replace(/<!\[CDATA\[([\s\S]*?)]]>/g,"$1")),bo(c,n)&&(n=n.slice(1)),t.chars&&t.chars(n),""});l+=e.length-f.length,e=f,$(c,l-u,l)}else{var h=e.indexOf("<");if(0===h){if(uo.test(e)){var p=e.indexOf("--\x3e");if(p>=0){t.shouldKeepComment&&t.comment(e.substring(4,p)),w(p+3);continue}}if(co.test(e)){var m=e.indexOf("]>");if(m>=0){w(m+2);continue}}var v=e.match(lo);if(v){w(v[0].length);continue}var g=e.match(ao);if(g){var y=l;w(g[0].length),$(g[1],y,l);continue}var b=k();if(b){S(b),bo(i,e)&&w(1);continue}}var _=void 0,x=void 0,C=void 0;if(h>=0){for(x=e.slice(h);!(ao.test(x)||oo.test(x)||uo.test(x)||co.test(x)||(C=x.indexOf("<",1))<0);)h+=C,x=e.slice(h);_=e.substring(0,h),w(h)}h<0&&(_=e,e=""),t.chars&&_&&t.chars(_)}if(e===n){t.chars&&t.chars(e);break}}function w(t){l+=t,e=e.substring(t)}function k(){var t=e.match(oo);if(t){var n,i,r={tagName:t[1],attrs:[],start:l};for(w(t[0].length);!(n=e.match(so))&&(i=e.match(no));)w(i[0].length),r.attrs.push(i);if(n)return r.unarySlash=n[1],w(n[0].length),r.end=l,r}}function S(e){var n=e.tagName,l=e.unarySlash;o&&("p"===i&&to(n)&&$(i),a(n)&&i===n&&$(n));for(var u=s(n)||!!l,c=e.attrs.length,d=new Array(c),f=0;f<c;f++){var h=e.attrs[f];fo&&-1===h[0].indexOf('""')&&(""===h[3]&&delete h[3],""===h[4]&&delete h[4],""===h[5]&&delete h[5]);var p=h[3]||h[4]||h[5]||"",m="a"===n&&"href"===h[1]?t.shouldDecodeNewlinesForHref:t.shouldDecodeNewlines;d[f]={name:h[1],value:_o(p,m)}}u||(r.push({tag:n,lowerCasedTag:n.toLowerCase(),attrs:d}),i=n),t.start&&t.start(n,d,u,e.start,e.end)}function $(e,n,o){var s,a;if(null==n&&(n=l),null==o&&(o=l),e&&(a=e.toLowerCase()),e)for(s=r.length-1;s>=0&&r[s].lowerCasedTag!==a;s--);else s=0;if(s>=0){for(var u=r.length-1;u>=s;u--)t.end&&t.end(r[u].tag,n,o);r.length=s,i=s&&r[s-1].tag}else"br"===a?t.start&&t.start(e,[],!0,n,o):"p"===a&&(t.start&&t.start(e,[],!1,n,o),t.end&&t.end(e,n,o))}$()}(e,{warn:xo,expectHTML:t.expectHTML,isUnaryTag:t.isUnaryTag,canBeLeftOpenTag:t.canBeLeftOpenTag,shouldDecodeNewlines:t.shouldDecodeNewlines,shouldDecodeNewlinesForHref:t.shouldDecodeNewlinesForHref,shouldKeepComment:t.comments,start:function(e,o,u){var c=i&&i.ns||Eo(e);Y&&"svg"===c&&(o=function(e){for(var t=[],n=0;n<e.length;n++){var i=e[n];qo.test(i.name)||(i.name=i.name.replace(Wo,""),t.push(i))}return t}(o));var d,f=Ro(e,o,i);c&&(f.ns=c),"style"!==(d=f).tag&&("script"!==d.tag||d.attrsMap.type&&"text/javascript"!==d.attrsMap.type)||ne()||(f.forbidden=!0);for(var h=0;h<ko.length;h++)f=ko[h](f,t)||f;function p(e){0}if(s||(!function(e){null!=ki(e,"v-pre")&&(e.pre=!0)}(f),f.pre&&(s=!0)),$o(f.tag)&&(a=!0),s?function(e){var t=e.attrsList.length;if(t)for(var n=e.attrs=new Array(t),i=0;i<t;i++)n[i]={name:e.attrsList[i].name,value:JSON.stringify(e.attrsList[i].value)};else e.pre||(e.plain=!0)}(f):f.processed||(jo(f),function(e){var t=ki(e,"v-if");if(t)e.if=t,zo(e,{exp:t,block:e});else{null!=ki(e,"v-else")&&(e.else=!0);var n=ki(e,"v-else-if");n&&(e.elseif=n)}}(f),function(e){null!=ki(e,"v-once")&&(e.once=!0)}(f),Bo(f,t)),n?r.length||n.if&&(f.elseif||f.else)&&(p(),zo(n,{exp:f.elseif,block:f})):(n=f,p()),i&&!f.forbidden)if(f.elseif||f.else)!function(e,t){var n=function(e){var t=e.length;for(;t--;){if(1===e[t].type)return e[t];e.pop()}}(t.children);n&&n.if&&zo(n,{exp:e.elseif,block:e})}(f,i);else if(f.slotScope){i.plain=!1;var m=f.slotTarget||'"default"';(i.scopedSlots||(i.scopedSlots={}))[m]=f}else i.children.push(f),f.parent=i;u?l(f):(i=f,r.push(f))},end:function(){var e=r[r.length-1],t=e.children[e.children.length-1];t&&3===t.type&&" "===t.text&&!a&&e.children.pop(),r.length-=1,i=r[r.length-1],l(e)},chars:function(e){if(i&&(!Y||"textarea"!==i.tag||i.attrsMap.placeholder!==e)){var t,n,r=i.children;if(e=a||e.trim()?"script"===(t=i).tag||"style"===t.tag?e:Lo(e):o&&r.length?" ":"")!s&&" "!==e&&(n=Gr(e,Co))?r.push({type:2,expression:n.expression,tokens:n.tokens,text:e}):" "===e&&r.length&&" "===r[r.length-1].text||r.push({type:3,text:e})}},comment:function(e){i.children.push({type:3,text:e,isComment:!0})}}),n}function Bo(e,t){var n,i;(i=wi(n=e,"key"))&&(n.key=i),e.plain=!e.key&&!e.attrsList.length,function(e){var t=wi(e,"ref");t&&(e.ref=t,e.refInFor=function(e){var t=e;for(;t;){if(void 0!==t.for)return!0;t=t.parent}return!1}(e))}(e),function(e){if("slot"===e.tag)e.slotName=wi(e,"name");else{var t;"template"===e.tag?(t=ki(e,"scope"),e.slotScope=t||ki(e,"slot-scope")):(t=ki(e,"slot-scope"))&&(e.slotScope=t);var n=wi(e,"slot");n&&(e.slotTarget='""'===n?'"default"':n,"template"===e.tag||e.slotScope||bi(e,"slot",n))}}(e),function(e){var t;(t=wi(e,"is"))&&(e.component=t);null!=ki(e,"inline-template")&&(e.inlineTemplate=!0)}(e);for(var r=0;r<wo.length;r++)e=wo[r](e,t)||e;!function(e){var t,n,i,r,o,s,a,l=e.attrsList;for(t=0,n=l.length;t<n;t++){if(i=r=l[t].name,o=l[t].value,To.test(i))if(e.hasBindings=!0,(s=Ho(i))&&(i=i.replace(Ao,"")),Fo.test(i))i=i.replace(Fo,""),o=pi(o),a=!1,s&&(s.prop&&(a=!0,"innerHtml"===(i=C(i))&&(i="innerHTML")),s.camel&&(i=C(i)),s.sync&&Ci(e,"update:"+C(i),$i(o,"$event"))),a||!e.component&&Mo(e.tag,e.attrsMap.type,i)?yi(e,i,o):bi(e,i,o);else if(Oo.test(i))i=i.replace(Oo,""),Ci(e,i,o,s,!1);else{var u=(i=i.replace(To,"")).match(Io),c=u&&u[1];c&&(i=i.slice(0,-(c.length+1))),xi(e,i,r,o,c,s)}else bi(e,i,JSON.stringify(o)),!e.component&&"muted"===i&&Mo(e.tag,e.attrsMap.type,i)&&yi(e,i,"true")}}(e)}function jo(e){var t;if(t=ki(e,"v-for")){var n=function(e){var t=e.match(Do);if(!t)return;var n={};n.for=t[2].trim();var i=t[1].trim().replace(No,""),r=i.match(Po);r?(n.alias=i.replace(Po,""),n.iterator1=r[1].trim(),r[2]&&(n.iterator2=r[2].trim())):n.alias=i;return n}(t);n&&E(e,n)}}function zo(e,t){e.ifConditions||(e.ifConditions=[]),e.ifConditions.push(t)}function Ho(e){var t=e.match(Ao);if(t){var n={};return t.forEach(function(e){n[e.slice(1)]=!0}),n}}var qo=/^xmlns:NS\d+/,Wo=/^NS\d+:/;function Ko(e){return Ro(e.tag,e.attrsList.slice(),e.parent)}var Uo=[Yr,Jr,{preTransformNode:function(e,t){if("input"===e.tag){var n,i=e.attrsMap;if(!i["v-model"])return;if((i[":type"]||i["v-bind:type"])&&(n=wi(e,"type")),i.type||n||!i["v-bind"]||(n="("+i["v-bind"]+").type"),n){var r=ki(e,"v-if",!0),o=r?"&&("+r+")":"",s=null!=ki(e,"v-else",!0),a=ki(e,"v-else-if",!0),l=Ko(e);jo(l),_i(l,"type","checkbox"),Bo(l,t),l.processed=!0,l.if="("+n+")==='checkbox'"+o,zo(l,{exp:l.if,block:l});var u=Ko(e);ki(u,"v-for",!0),_i(u,"type","radio"),Bo(u,t),zo(l,{exp:"("+n+")==='radio'"+o,block:u});var c=Ko(e);return ki(c,"v-for",!0),_i(c,":type",n),Bo(c,t),zo(l,{exp:r,block:c}),s?l.else=!0:a&&(l.elseif=a),l}}}}];var Go,Yo,Xo={expectHTML:!0,modules:Uo,directives:{model:function(e,t,n){n;var i=t.value,r=t.modifiers,o=e.tag,s=e.attrsMap.type;if(e.component)return Si(e,i,r),!1;if("select"===o)!function(e,t,n){var i='var $$selectedVal = Array.prototype.filter.call($event.target.options,function(o){return o.selected}).map(function(o){var val = "_value" in o ? o._value : o.value;return '+(n&&n.number?"_n(val)":"val")+"});";i=i+" "+$i(t,"$event.target.multiple ? $$selectedVal : $$selectedVal[0]"),Ci(e,"change",i,null,!0)}(e,i,r);else if("input"===o&&"checkbox"===s)!function(e,t,n){var i=n&&n.number,r=wi(e,"value")||"null",o=wi(e,"true-value")||"true",s=wi(e,"false-value")||"false";yi(e,"checked","Array.isArray("+t+")?_i("+t+","+r+")>-1"+("true"===o?":("+t+")":":_q("+t+","+o+")")),Ci(e,"change","var $$a="+t+",$$el=$event.target,$$c=$$el.checked?("+o+"):("+s+");if(Array.isArray($$a)){var $$v="+(i?"_n("+r+")":r)+",$$i=_i($$a,$$v);if($$el.checked){$$i<0&&("+$i(t,"$$a.concat([$$v])")+")}else{$$i>-1&&("+$i(t,"$$a.slice(0,$$i).concat($$a.slice($$i+1))")+")}}else{"+$i(t,"$$c")+"}",null,!0)}(e,i,r);else if("input"===o&&"radio"===s)!function(e,t,n){var i=n&&n.number,r=wi(e,"value")||"null";yi(e,"checked","_q("+t+","+(r=i?"_n("+r+")":r)+")"),Ci(e,"change",$i(t,r),null,!0)}(e,i,r);else if("input"===o||"textarea"===o)!function(e,t,n){var i=e.attrsMap.type,r=n||{},o=r.lazy,s=r.number,a=r.trim,l=!o&&"range"!==i,u=o?"change":"range"===i?Ni:"input",c="$event.target.value";a&&(c="$event.target.value.trim()"),s&&(c="_n("+c+")");var d=$i(t,c);l&&(d="if($event.target.composing)return;"+d),yi(e,"value","("+t+")"),Ci(e,u,d,null,!0),(a||s)&&Ci(e,"blur","$forceUpdate()")}(e,i,r);else if(!V.isReservedTag(o))return Si(e,i,r),!1;return!0},text:function(e,t){t.value&&yi(e,"textContent","_s("+t.value+")")},html:function(e,t){t.value&&yi(e,"innerHTML","_s("+t.value+")")}},isPreTag:function(e){return"pre"===e},isUnaryTag:Zr,mustUseProp:Cn,canBeLeftOpenTag:eo,isReservedTag:An,getTagNamespace:Ln,staticKeys:function(e){return e.reduce(function(e,t){return e.concat(t.staticKeys||[])},[]).join(",")}(Uo)},Jo=_(function(e){return p("type,tag,attrsList,attrsMap,plain,parent,children,attrs"+(e?","+e:""))});function Qo(e,t){e&&(Go=Jo(t.staticKeys||""),Yo=t.isReservedTag||D,function e(t){t.static=function(e){if(2===e.type)return!1;if(3===e.type)return!0;return!(!e.pre&&(e.hasBindings||e.if||e.for||m(e.tag)||!Yo(e.tag)||function(e){for(;e.parent;){if("template"!==(e=e.parent).tag)return!1;if(e.for)return!0}return!1}(e)||!Object.keys(e).every(Go)))}(t);if(1===t.type){if(!Yo(t.tag)&&"slot"!==t.tag&&null==t.attrsMap["inline-template"])return;for(var n=0,i=t.children.length;n<i;n++){var r=t.children[n];e(r),r.static||(t.static=!1)}if(t.ifConditions)for(var o=1,s=t.ifConditions.length;o<s;o++){var a=t.ifConditions[o].block;e(a),a.static||(t.static=!1)}}}(e),function e(t,n){if(1===t.type){if((t.static||t.once)&&(t.staticInFor=n),t.static&&t.children.length&&(1!==t.children.length||3!==t.children[0].type))return void(t.staticRoot=!0);if(t.staticRoot=!1,t.children)for(var i=0,r=t.children.length;i<r;i++)e(t.children[i],n||!!t.for);if(t.ifConditions)for(var o=1,s=t.ifConditions.length;o<s;o++)e(t.ifConditions[o].block,n)}}(e,!1))}var Zo=/^([\w$_]+|\([^)]*?\))\s*=>|^function\s*\(/,es=/^[A-Za-z_$][\w$]*(?:\.[A-Za-z_$][\w$]*|\['[^']*?']|\["[^"]*?"]|\[\d+]|\[[A-Za-z_$][\w$]*])*$/,ts={esc:27,tab:9,enter:13,space:32,up:38,left:37,right:39,down:40,delete:[8,46]},ns={esc:"Escape",tab:"Tab",enter:"Enter",space:" ",up:["Up","ArrowUp"],left:["Left","ArrowLeft"],right:["Right","ArrowRight"],down:["Down","ArrowDown"],delete:["Backspace","Delete"]},is=function(e){return"if("+e+")return null;"},rs={stop:"$event.stopPropagation();",prevent:"$event.preventDefault();",self:is("$event.target !== $event.currentTarget"),ctrl:is("!$event.ctrlKey"),shift:is("!$event.shiftKey"),alt:is("!$event.altKey"),meta:is("!$event.metaKey"),left:is("'button' in $event && $event.button !== 0"),middle:is("'button' in $event && $event.button !== 1"),right:is("'button' in $event && $event.button !== 2")};function os(e,t,n){var i=t?"nativeOn:{":"on:{";for(var r in e)i+='"'+r+'":'+ss(r,e[r])+",";return i.slice(0,-1)+"}"}function ss(e,t){if(!t)return"function(){}";if(Array.isArray(t))return"["+t.map(function(t){return ss(e,t)}).join(",")+"]";var n=es.test(t.value),i=Zo.test(t.value);if(t.modifiers){var r="",o="",s=[];for(var a in t.modifiers)if(rs[a])o+=rs[a],ts[a]&&s.push(a);else if("exact"===a){var l=t.modifiers;o+=is(["ctrl","shift","alt","meta"].filter(function(e){return!l[e]}).map(function(e){return"$event."+e+"Key"}).join("||"))}else s.push(a);return s.length&&(r+=function(e){return"if(!('button' in $event)&&"+e.map(as).join("&&")+")return null;"}(s)),o&&(r+=o),"function($event){"+r+(n?"return "+t.value+"($event)":i?"return ("+t.value+")($event)":t.value)+"}"}return n||i?t.value:"function($event){"+t.value+"}"}function as(e){var t=parseInt(e,10);if(t)return"$event.keyCode!=="+t;var n=ts[e],i=ns[e];return"_k($event.keyCode,"+JSON.stringify(e)+","+JSON.stringify(n)+",$event.key,"+JSON.stringify(i)+")"}var ls={on:function(e,t){e.wrapListeners=function(e){return"_g("+e+","+t.value+")"}},bind:function(e,t){e.wrapData=function(n){return"_b("+n+",'"+e.tag+"',"+t.value+","+(t.modifiers&&t.modifiers.prop?"true":"false")+(t.modifiers&&t.modifiers.sync?",true":"")+")"}},cloak:T},us=function(e){this.options=e,this.warn=e.warn||vi,this.transforms=gi(e.modules,"transformCode"),this.dataGenFns=gi(e.modules,"genData"),this.directives=E(E({},ls),e.directives);var t=e.isReservedTag||D;this.maybeComponent=function(e){return!t(e.tag)},this.onceId=0,this.staticRenderFns=[]};function cs(e,t){var n=new us(t);return{render:"with(this){return "+(e?ds(e,n):'_c("div")')+"}",staticRenderFns:n.staticRenderFns}}function ds(e,t){if(e.staticRoot&&!e.staticProcessed)return fs(e,t);if(e.once&&!e.onceProcessed)return hs(e,t);if(e.for&&!e.forProcessed)return function(e,t,n,i){var r=e.for,o=e.alias,s=e.iterator1?","+e.iterator1:"",a=e.iterator2?","+e.iterator2:"";0;return e.forProcessed=!0,(i||"_l")+"(("+r+"),function("+o+s+a+"){return "+(n||ds)(e,t)+"})"}(e,t);if(e.if&&!e.ifProcessed)return ps(e,t);if("template"!==e.tag||e.slotTarget){if("slot"===e.tag)return function(e,t){var n=e.slotName||'"default"',i=gs(e,t),r="_t("+n+(i?","+i:""),o=e.attrs&&"{"+e.attrs.map(function(e){return C(e.name)+":"+e.value}).join(",")+"}",s=e.attrsMap["v-bind"];!o&&!s||i||(r+=",null");o&&(r+=","+o);s&&(r+=(o?"":",null")+","+s);return r+")"}(e,t);var n;if(e.component)n=function(e,t,n){var i=t.inlineTemplate?null:gs(t,n,!0);return"_c("+e+","+ms(t,n)+(i?","+i:"")+")"}(e.component,e,t);else{var i=e.plain?void 0:ms(e,t),r=e.inlineTemplate?null:gs(e,t,!0);n="_c('"+e.tag+"'"+(i?","+i:"")+(r?","+r:"")+")"}for(var o=0;o<t.transforms.length;o++)n=t.transforms[o](e,n);return n}return gs(e,t)||"void 0"}function fs(e,t){return e.staticProcessed=!0,t.staticRenderFns.push("with(this){return "+ds(e,t)+"}"),"_m("+(t.staticRenderFns.length-1)+(e.staticInFor?",true":"")+")"}function hs(e,t){if(e.onceProcessed=!0,e.if&&!e.ifProcessed)return ps(e,t);if(e.staticInFor){for(var n="",i=e.parent;i;){if(i.for){n=i.key;break}i=i.parent}return n?"_o("+ds(e,t)+","+t.onceId+++","+n+")":ds(e,t)}return fs(e,t)}function ps(e,t,n,i){return e.ifProcessed=!0,function e(t,n,i,r){if(!t.length)return r||"_e()";var o=t.shift();return o.exp?"("+o.exp+")?"+s(o.block)+":"+e(t,n,i,r):""+s(o.block);function s(e){return i?i(e,n):e.once?hs(e,n):ds(e,n)}}(e.ifConditions.slice(),t,n,i)}function ms(e,t){var n="{",i=function(e,t){var n=e.directives;if(!n)return;var i,r,o,s,a="directives:[",l=!1;for(i=0,r=n.length;i<r;i++){o=n[i],s=!0;var u=t.directives[o.name];u&&(s=!!u(e,o,t.warn)),s&&(l=!0,a+='{name:"'+o.name+'",rawName:"'+o.rawName+'"'+(o.value?",value:("+o.value+"),expression:"+JSON.stringify(o.value):"")+(o.arg?',arg:"'+o.arg+'"':"")+(o.modifiers?",modifiers:"+JSON.stringify(o.modifiers):"")+"},")}if(l)return a.slice(0,-1)+"]"}(e,t);i&&(n+=i+","),e.key&&(n+="key:"+e.key+","),e.ref&&(n+="ref:"+e.ref+","),e.refInFor&&(n+="refInFor:true,"),e.pre&&(n+="pre:true,"),e.component&&(n+='tag:"'+e.tag+'",');for(var r=0;r<t.dataGenFns.length;r++)n+=t.dataGenFns[r](e);if(e.attrs&&(n+="attrs:{"+_s(e.attrs)+"},"),e.props&&(n+="domProps:{"+_s(e.props)+"},"),e.events&&(n+=os(e.events,!1,t.warn)+","),e.nativeEvents&&(n+=os(e.nativeEvents,!0,t.warn)+","),e.slotTarget&&!e.slotScope&&(n+="slot:"+e.slotTarget+","),e.scopedSlots&&(n+=function(e,t){return"scopedSlots:_u(["+Object.keys(e).map(function(n){return vs(n,e[n],t)}).join(",")+"])"}(e.scopedSlots,t)+","),e.model&&(n+="model:{value:"+e.model.value+",callback:"+e.model.callback+",expression:"+e.model.expression+"},"),e.inlineTemplate){var o=function(e,t){var n=e.children[0];0;if(1===n.type){var i=cs(n,t.options);return"inlineTemplate:{render:function(){"+i.render+"},staticRenderFns:["+i.staticRenderFns.map(function(e){return"function(){"+e+"}"}).join(",")+"]}"}}(e,t);o&&(n+=o+",")}return n=n.replace(/,$/,"")+"}",e.wrapData&&(n=e.wrapData(n)),e.wrapListeners&&(n=e.wrapListeners(n)),n}function vs(e,t,n){return t.for&&!t.forProcessed?function(e,t,n){var i=t.for,r=t.alias,o=t.iterator1?","+t.iterator1:"",s=t.iterator2?","+t.iterator2:"";return t.forProcessed=!0,"_l(("+i+"),function("+r+o+s+"){return "+vs(e,t,n)+"})"}(e,t,n):"{key:"+e+",fn:"+("function("+String(t.slotScope)+"){return "+("template"===t.tag?t.if?t.if+"?"+(gs(t,n)||"undefined")+":undefined":gs(t,n)||"undefined":ds(t,n))+"}")+"}"}function gs(e,t,n,i,r){var o=e.children;if(o.length){var s=o[0];if(1===o.length&&s.for&&"template"!==s.tag&&"slot"!==s.tag)return(i||ds)(s,t);var a=n?function(e,t){for(var n=0,i=0;i<e.length;i++){var r=e[i];if(1===r.type){if(ys(r)||r.ifConditions&&r.ifConditions.some(function(e){return ys(e.block)})){n=2;break}(t(r)||r.ifConditions&&r.ifConditions.some(function(e){return t(e.block)}))&&(n=1)}}return n}(o,t.maybeComponent):0,l=r||bs;return"["+o.map(function(e){return l(e,t)}).join(",")+"]"+(a?","+a:"")}}function ys(e){return void 0!==e.for||"template"===e.tag||"slot"===e.tag}function bs(e,t){return 1===e.type?ds(e,t):3===e.type&&e.isComment?(i=e,"_e("+JSON.stringify(i.text)+")"):"_v("+(2===(n=e).type?n.expression:xs(JSON.stringify(n.text)))+")";var n,i}function _s(e){for(var t="",n=0;n<e.length;n++){var i=e[n];t+='"'+i.name+'":'+xs(i.value)+","}return t.slice(0,-1)}function xs(e){return e.replace(/\u2028/g,"\\u2028").replace(/\u2029/g,"\\u2029")}new RegExp("\\b"+"do,if,for,let,new,try,var,case,else,with,await,break,catch,class,const,super,throw,while,yield,delete,export,import,return,switch,default,extends,finally,continue,debugger,function,arguments".split(",").join("\\b|\\b")+"\\b"),new RegExp("\\b"+"delete,typeof,void".split(",").join("\\s*\\([^\\)]*\\)|\\b")+"\\s*\\([^\\)]*\\)");function Cs(e,t){try{return new Function(e)}catch(n){return t.push({err:n,code:e}),T}}var ws,ks,Ss=(ws=function(e,t){var n=Vo(e.trim(),t);!1!==t.optimize&&Qo(n,t);var i=cs(n,t);return{ast:n,render:i.render,staticRenderFns:i.staticRenderFns}},function(e){function t(t,n){var i=Object.create(e),r=[],o=[];if(i.warn=function(e,t){(t?o:r).push(e)},n)for(var s in n.modules&&(i.modules=(e.modules||[]).concat(n.modules)),n.directives&&(i.directives=E(Object.create(e.directives||null),n.directives)),n)"modules"!==s&&"directives"!==s&&(i[s]=n[s]);var a=ws(t,i);return a.errors=r,a.tips=o,a}return{compile:t,compileToFunctions:function(e){var t=Object.create(null);return function(n,i,r){(i=E({},i)).warn,delete i.warn;var o=i.delimiters?String(i.delimiters)+n:n;if(t[o])return t[o];var s=e(n,i),a={},l=[];return a.render=Cs(s.render,l),a.staticRenderFns=s.staticRenderFns.map(function(e){return Cs(e,l)}),t[o]=a}}(t)}})(Xo).compileToFunctions;function $s(e){return(ks=ks||document.createElement("div")).innerHTML=e?'<a href="\n"/>':'<div a="\n"/>',ks.innerHTML.indexOf("&#10;")>0}var Ms=!!W&&$s(!1),Es=!!W&&$s(!0),Os=_(function(e){var t=Bn(e);return t&&t.innerHTML}),Ts=fn.prototype.$mount;fn.prototype.$mount=function(e,t){if((e=e&&Bn(e))===document.body||e===document.documentElement)return this;var n=this.$options;if(!n.render){var i=n.template;if(i)if("string"==typeof i)"#"===i.charAt(0)&&(i=Os(i));else{if(!i.nodeType)return this;i=i.innerHTML}else e&&(i=function(e){if(e.outerHTML)return e.outerHTML;var t=document.createElement("div");return t.appendChild(e.cloneNode(!0)),t.innerHTML}(e));if(i){0;var r=Ss(i,{shouldDecodeNewlines:Ms,shouldDecodeNewlinesForHref:Es,delimiters:n.delimiters,comments:n.comments},this),o=r.render,s=r.staticRenderFns;n.render=o,n.staticRenderFns=s}}return Ts.call(this,e,t)},fn.compile=Ss,t.default=fn}.call(t,n("DuR2"))},"77Pl":function(e,t,n){var i=n("EqjI");e.exports=function(e){if(!i(e))throw TypeError(e+" is not an object!");return e}},"7GwW":function(e,t,n){"use strict";var i=n("cGG2"),r=n("21It"),o=n("DQCr"),s=n("oJlt"),a=n("GHBc"),l=n("FtD3"),u="undefined"!=typeof window&&window.btoa&&window.btoa.bind(window)||n("thJu");e.exports=function(e){return new Promise(function(t,c){var d=e.data,f=e.headers;i.isFormData(d)&&delete f["Content-Type"];var h=new XMLHttpRequest,p="onreadystatechange",m=!1;if("undefined"==typeof window||!window.XDomainRequest||"withCredentials"in h||a(e.url)||(h=new window.XDomainRequest,p="onload",m=!0,h.onprogress=function(){},h.ontimeout=function(){}),e.auth){var v=e.auth.username||"",g=e.auth.password||"";f.Authorization="Basic "+u(v+":"+g)}if(h.open(e.method.toUpperCase(),o(e.url,e.params,e.paramsSerializer),!0),h.timeout=e.timeout,h[p]=function(){if(h&&(4===h.readyState||m)&&(0!==h.status||h.responseURL&&0===h.responseURL.indexOf("file:"))){var n="getAllResponseHeaders"in h?s(h.getAllResponseHeaders()):null,i={data:e.responseType&&"text"!==e.responseType?h.response:h.responseText,status:1223===h.status?204:h.status,statusText:1223===h.status?"No Content":h.statusText,headers:n,config:e,request:h};r(t,c,i),h=null}},h.onerror=function(){c(l("Network Error",e,null,h)),h=null},h.ontimeout=function(){c(l("timeout of "+e.timeout+"ms exceeded",e,"ECONNABORTED",h)),h=null},i.isStandardBrowserEnv()){var y=n("p1b6"),b=(e.withCredentials||a(e.url))&&e.xsrfCookieName?y.read(e.xsrfCookieName):void 0;b&&(f[e.xsrfHeaderName]=b)}if("setRequestHeader"in h&&i.forEach(f,function(e,t){void 0===d&&"content-type"===t.toLowerCase()?delete f[t]:h.setRequestHeader(t,e)}),e.withCredentials&&(h.withCredentials=!0),e.responseType)try{h.responseType=e.responseType}catch(t){if("json"!==e.responseType)throw t}"function"==typeof e.onDownloadProgress&&h.addEventListener("progress",e.onDownloadProgress),"function"==typeof e.onUploadProgress&&h.upload&&h.upload.addEventListener("progress",e.onUploadProgress),e.cancelToken&&e.cancelToken.promise.then(function(e){h&&(h.abort(),c(e),h=null)}),void 0===d&&(d=null),h.send(d)})}},"7J9s":function(e,t,n){"use strict";t.__esModule=!0,t.PopupManager=void 0;var i=l(n("7+uW")),r=l(n("jmaC")),o=l(n("OAzY")),s=l(n("6Twh")),a=n("2kvA");function l(e){return e&&e.__esModule?e:{default:e}}var u=1,c=[],d=void 0;t.default={props:{visible:{type:Boolean,default:!1},transition:{type:String,default:""},openDelay:{},closeDelay:{},zIndex:{},modal:{type:Boolean,default:!1},modalFade:{type:Boolean,default:!0},modalClass:{},modalAppendToBody:{type:Boolean,default:!1},lockScroll:{type:Boolean,default:!0},closeOnPressEscape:{type:Boolean,default:!1},closeOnClickModal:{type:Boolean,default:!1}},created:function(){this.transition&&function(e){if(-1===c.indexOf(e)){var t=function(e){var t=e.__vue__;if(!t){var n=e.previousSibling;n.__vue__&&(t=n.__vue__)}return t};i.default.transition(e,{afterEnter:function(e){var n=t(e);n&&n.doAfterOpen&&n.doAfterOpen()},afterLeave:function(e){var n=t(e);n&&n.doAfterClose&&n.doAfterClose()}})}}(this.transition)},beforeMount:function(){this._popupId="popup-"+u++,o.default.register(this._popupId,this)},beforeDestroy:function(){o.default.deregister(this._popupId),o.default.closeModal(this._popupId),this.modal&&null!==this.bodyOverflow&&"hidden"!==this.bodyOverflow&&(document.body.style.overflow=this.bodyOverflow,document.body.style.paddingRight=this.bodyPaddingRight),this.bodyOverflow=null,this.bodyPaddingRight=null},data:function(){return{opened:!1,bodyOverflow:null,bodyPaddingRight:null,rendered:!1}},watch:{visible:function(e){var t=this;if(e){if(this._opening)return;this.rendered?this.open():(this.rendered=!0,i.default.nextTick(function(){t.open()}))}else this.close()}},methods:{open:function(e){var t=this;this.rendered||(this.rendered=!0);var n=(0,r.default)({},this.$props||this,e);this._closeTimer&&(clearTimeout(this._closeTimer),this._closeTimer=null),clearTimeout(this._openTimer);var i=Number(n.openDelay);i>0?this._openTimer=setTimeout(function(){t._openTimer=null,t.doOpen(n)},i):this.doOpen(n)},doOpen:function(e){if(!this.$isServer&&(!this.willOpen||this.willOpen())&&!this.opened){this._opening=!0;var t=function e(t){return 3===t.nodeType&&e(t=t.nextElementSibling||t.nextSibling),t}(this.$el),n=e.modal,i=e.zIndex;if(i&&(o.default.zIndex=i),n&&(this._closing&&(o.default.closeModal(this._popupId),this._closing=!1),o.default.openModal(this._popupId,o.default.nextZIndex(),this.modalAppendToBody?void 0:t,e.modalClass,e.modalFade),e.lockScroll)){this.bodyOverflow||(this.bodyPaddingRight=document.body.style.paddingRight,this.bodyOverflow=document.body.style.overflow),d=(0,s.default)();var r=document.documentElement.clientHeight<document.body.scrollHeight,l=(0,a.getStyle)(document.body,"overflowY");d>0&&(r||"scroll"===l)&&(document.body.style.paddingRight=d+"px"),document.body.style.overflow="hidden"}"static"===getComputedStyle(t).position&&(t.style.position="absolute"),t.style.zIndex=o.default.nextZIndex(),this.opened=!0,this.onOpen&&this.onOpen(),this.transition||this.doAfterOpen()}},doAfterOpen:function(){this._opening=!1},close:function(){var e=this;if(!this.willClose||this.willClose()){null!==this._openTimer&&(clearTimeout(this._openTimer),this._openTimer=null),clearTimeout(this._closeTimer);var t=Number(this.closeDelay);t>0?this._closeTimer=setTimeout(function(){e._closeTimer=null,e.doClose()},t):this.doClose()}},doClose:function(){var e=this;this._closing=!0,this.onClose&&this.onClose(),this.lockScroll&&setTimeout(function(){e.modal&&"hidden"!==e.bodyOverflow&&(document.body.style.overflow=e.bodyOverflow,document.body.style.paddingRight=e.bodyPaddingRight),e.bodyOverflow=null,e.bodyPaddingRight=null},200),this.opened=!1,this.transition||this.doAfterClose()},doAfterClose:function(){o.default.closeModal(this._popupId),this._closing=!1}}},t.PopupManager=o.default},"7KvD":function(e,t){var n=e.exports="undefined"!=typeof window&&window.Math==Math?window:"undefined"!=typeof self&&self.Math==Math?self:Function("return this")();"number"==typeof __g&&(__g=n)},"7UMu":function(e,t,n){var i=n("R9M2");e.exports=Array.isArray||function(e){return"Array"==i(e)}},"880/":function(e,t,n){e.exports=n("hJx8")},"94VQ":function(e,t,n){"use strict";var i=n("Yobk"),r=n("X8DO"),o=n("e6n0"),s={};n("hJx8")(s,n("dSzd")("iterator"),function(){return this}),e.exports=function(e,t,n){e.prototype=i(s,{next:r(1,n)}),o(e,t+" Iterator")}},AYPi:function(e,t,n){var i;i=function(){return function(e){function t(i){if(n[i])return n[i].exports;var r=n[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,t),r.l=!0,r.exports}var n={};return t.m=e,t.c=n,t.d=function(e,n,i){t.o(e,n)||Object.defineProperty(e,n,{configurable:!1,enumerable:!0,get:i})},t.n=function(e){var n=e&&e.__esModule?function(){return e.default}:function(){return e};return t.d(n,"a",n),n},t.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},t.p="",t(t.s=0)}([function(e,t,n){"use strict";function i(e){!function e(t,n){return Object.keys(n).forEach(function(i){t[i]&&"object"==typeof t[i]?e(t[i],n[i]):t[i]=n[i]}),t}(g,e)}function r(){return g.id?[].concat(g.id):[]}function o(){}function s(e){return e.replace(/-/gi,"")}function a(){return new Promise(function(e,t){var n=setInterval(function(){"undefined"!=typeof window&&window.ga&&(e(),clearInterval(n))},10)})}function l(e,t){return r().length>1?s(t)+"."+e:e}function u(e){for(var t=arguments.length,n=Array(t>1?t-1:0),i=1;i<t;i++)n[i-1]=arguments[i];r().forEach(function(t){var i;void 0!==window.ga&&"string"==typeof t?(i=window).ga.apply(i,[l(e,t)].concat(n)):y.untracked.push({method:l(e,t),arguments:[].concat(n)})})}function c(){for(var e=arguments.length,t=Array(e),n=0;n<e;n++)t[n]=arguments[n];"object"!=typeof t[0]||t[0].constructor!==Object?u("set",t[0],t[1]):u("set",t[0])}function d(){var e=r();y.debug.enabled&&(window.ga_debug={trace:y.debug.trace}),e.forEach(function(t){var n=s(t),i=e.length>1?b({},y.fields,{name:n}):y.fields;window.ga("create",t,"auto",i)}),y.beforeFirstHit();var t=y.ecommerce;if(t.enabled){var n=t.enhanced?"ec":"ecommerce";t.options?u("require",n,t.options):u("require",n)}y.linkers.length>0&&(u("require","linker"),u("linker:autoLink",y.linkers)),y.debug.sendHitTask||c("sendHitTask",null)}function f(e){if(Array.isArray(e)){for(var t=0,n=Array(e.length);t<e.length;t++)n[t]=e[t];return n}return Array.from(e)}function h(){var e=y.untracked,t=y.autoTracking,n=e.length;if(n&&t.untracked)for(;n--;){var i=e[n];u.apply(void 0,[i.method].concat(f(i.arguments))),e.splice(n,1)}}function p(){for(var e=void 0,t=arguments.length,n=Array(t),i=0;i<t;i++)n[i]=arguments[i];if(function(e){return e.currentRoute}(n[0])&&(e=n[0].currentRoute),function(e){return e.query&&e.params}(n[0])&&(e=n[0]),e){var r=y.router,o=y.autoTracking,s=o.transformQueryString,a=o.prependBase,l=function(e){var t=Object.keys(e).reduce(function(t,n,i,r){var o=i===r.length-1;return t+(n+"=")+e[n]+(o?"":"&")},"");return""!==t?"?"+t:""}(e.query),d=r&&r.options.base,f=a&&d,h=e.path+(s?l:"");return c("page",h=f?function(e,t){var n=t.split("/"),i=e.split("/");return""===n[0]&&"/"===e[e.length-1]&&n.shift(),i.join("/")+n.join("/")}(d,h):h),void u("send","pageview",C({page:h,title:e.name,location:window.location.href},"function"==typeof n[1]&&{hitCallback:n[1]}))}u.apply(void 0,["send","pageview"].concat(n))}function m(e){if(!function(e){return-1!==y.ignoreRoutes.indexOf(e)}(e)){var t=y.autoTracking,n=e.meta.analytics,i=(void 0===n?{}:n).pageviewTemplate||t.pageviewTemplate;p(i?i(e):e)}}function v(){if("undefined"!=typeof document){var e=y.id,t=y.debug,n=y.checkDuplicatedScript,i=y.disableScriptLoader,r="https://www.google-analytics.com/"+(t.enabled?"analytics_debug":"analytics")+".js";if(!e)throw new Error("[vue-analytics] Please enter a Google Analytics tracking ID");return new Promise(function(e,t){return n&&Array.prototype.slice.call(document.getElementsByTagName("script")).filter(function(e){return-1!==e.src.indexOf("analytics")}).length>0||i?e():function(e){return new Promise(function(t,n){var i=document.head||document.getElementsByTagName("head")[0],r=document.createElement("script");r.async=!0,r.src=e,r.charset="utf8",i.appendChild(r),r.onload=t,r.onerror=n})}(r).then(function(){e()}).catch(function(){t("[vue-analytics] It's not possible to load Google Analytics script")})}).then(function(){return a()}).then(function(){return"function"==typeof e?e():e}).then(function(e){y.id=e,d(),x(),y.ready(),function(){var e=y.router,t=y.autoTracking;t.page&&e&&(t.pageviewOnLoad&&m(e.currentRoute),y.router.afterEach(function(n,i){var r=t.skipSamePath,o=t.shouldRouterUpdate;r&&n.path===i.path||("function"!=typeof o||o(n,i))&&setTimeout(function(){m(e.currentRoute)},0)}))}(),h()}).catch(function(e){console.error(e)})}}Object.defineProperty(t,"__esModule",{value:!0});var g=(Object.assign||function(e){for(var t=1;t<arguments.length;t++){var n=arguments[t];for(var i in n)Object.prototype.hasOwnProperty.call(n,i)&&(e[i]=n[i])}return e})({},{id:null,router:null,fields:{},ignoreRoutes:[],linkers:[],commands:{},set:[],require:[],ecommerce:{enabled:!1,options:null,enhanced:!1},autoTracking:{shouldRouterUpdate:null,skipSamePath:!1,exception:!1,exceptionLogs:!0,page:!0,transformQueryString:!0,pageviewOnLoad:!0,pageviewTemplate:null,untracked:!0,prependBase:!0},debug:{enabled:!1,trace:!1,sendHitTask:!0},checkDuplicatedScript:!1,disableScriptLoader:!1,beforeFirstHit:o,ready:o,untracked:[]}),y=g,b=Object.assign||function(e){for(var t=1;t<arguments.length;t++){var n=arguments[t];for(var i in n)Object.prototype.hasOwnProperty.call(n,i)&&(e[i]=n[i])}return e},_=function(){2!=arguments.length?u("require",arguments.length<=0?void 0:arguments[0]):u("require",arguments.length<=0?void 0:arguments[0],arguments.length<=1?void 0:arguments[1])},x=function(){var e;y.set.forEach(function(e){var t=e.field,n=e.value;if(void 0===t||void 0===n)throw new Error('[vue-analytics] Wrong configuration in the plugin options.\nThe "set" array requires each item to have a "field" and a "value" property.');c(t,n)}),e=["ec","ecommerce"],y.require.forEach(function(t){if(-1!==e.indexOf(t)||-1!==e.indexOf(t.name))throw new Error("[vue-analytics] The ecommerce features are built-in in the plugin. \nFollow the ecommerce instructions available in the documentation.");if("string"!=typeof t&&"object"!=typeof t)throw new Error('[vue-analytics] Wrong configuration in the plugin options. \nThe "require" array requires each item to be a string or to have a "name" and an "options" property.');var n=t.name||t;t.options?_(n,t.options):_(n)})},C=Object.assign||function(e){for(var t=1;t<arguments.length;t++){var n=arguments[t];for(var i in n)Object.prototype.hasOwnProperty.call(n,i)&&(e[i]=n[i])}return e},w=this,k=function(e){u("send","exception",{exDescription:e,exFatal:arguments.length>1&&void 0!==arguments[1]&&arguments[1]})},S=function(e){if(y.autoTracking.exception){window.addEventListener("error",function(e){k(e.message)});var t=e.config.errorHandler;e.config.errorHandler=function(e,n,i){k(e.message),y.autoTracking.exceptionLogs&&(console.error("[vue-analytics] Error in "+i+": "+e.message),console.error(e)),"function"==typeof t&&t.call(w,e,n,i)}}},$=k,M=Object.assign||function(e){for(var t=1;t<arguments.length;t++){var n=arguments[t];for(var i in n)Object.prototype.hasOwnProperty.call(n,i)&&(e[i]=n[i])}return e},E=["addItem","addTransaction","addProduct","addImpression","setAction","addPromo","send"].reduce(function(e,t){return M({},e,function(e,t,n){return t in e?Object.defineProperty(e,t,{value:n,enumerable:!0,configurable:!0,writable:!0}):e[t]=n,e}({},t,function(){for(var e=arguments.length,n=Array(e),i=0;i<e;i++)n[i]=arguments[i];u.apply(void 0,[function(e){return(y.ecommerce.enhanced?"ec":"ecommerce")+":"+e}(t)].concat(n))}))},{}),O={event:function(){for(var e=arguments.length,t=Array(e),n=0;n<e;n++)t[n]=arguments[n];u.apply(void 0,["send","event"].concat(t))},exception:$,page:p,query:u,require:_,set:c,social:function(){for(var e=arguments.length,t=Array(e),n=0;n<e;n++)t[n]=arguments[n];u.apply(void 0,["send","social"].concat(t))},time:function(){for(var e=arguments.length,t=Array(e),n=0;n<e;n++)t[n]=arguments[n];u.apply(void 0,["send","timing"].concat(t))},untracked:h,ecommerce:E,commands:y.commands},T={inserted:function(e,t,n){var i=t.value;e.addEventListener("click",function(){var e="string"==typeof i?y.commands[i]:i;if(!e)throw new Error("[vue-analytics] The value passed to v-ga is not defined in the commands list.");e.apply(n.context)})}},D=function(e){e.subscribe(function(e,t){if(e.payload&&e.payload.meta){var n=e.payload.meta.analytics;if(!Array.isArray(n))throw new Error('The "analytics" property needs to be an array');n.forEach(function(e){var t=e.shift(),n=e;if(!(t in O))throw new Error('The type "'+t+"\" doesn't exist.");O[t].apply(O,function(e){if(Array.isArray(e)){for(var t=0,n=Array(e.length);t<e.length;t++)n[t]=e[t];return n}return Array.from(e)}(n))})}})};t.default=function(e){i(arguments.length>1&&void 0!==arguments[1]?arguments[1]:{}),e.directive("ga",T),e.prototype.$ga=e.$ga=O,S(e),v()},n.d(t,"onAnalyticsReady",function(){return a}),n.d(t,"analyticsMiddleware",function(){return D})}])},e.exports=i()},BwfY:function(e,t,n){n("fWfb"),n("M6a0"),n("OYls"),n("QWe/"),e.exports=n("FeBl").Symbol},D2L2:function(e,t){var n={}.hasOwnProperty;e.exports=function(e,t){return n.call(e,t)}},DQCr:function(e,t,n){"use strict";var i=n("cGG2");function r(e){return encodeURIComponent(e).replace(/%40/gi,"@").replace(/%3A/gi,":").replace(/%24/g,"$").replace(/%2C/gi,",").replace(/%20/g,"+").replace(/%5B/gi,"[").replace(/%5D/gi,"]")}e.exports=function(e,t,n){if(!t)return e;var o;if(n)o=n(t);else if(i.isURLSearchParams(t))o=t.toString();else{var s=[];i.forEach(t,function(e,t){null!==e&&void 0!==e&&(i.isArray(e)?t+="[]":e=[e],i.forEach(e,function(e){i.isDate(e)?e=e.toISOString():i.isObject(e)&&(e=JSON.stringify(e)),s.push(r(t)+"="+r(e))}))}),o=s.join("&")}return o&&(e+=(-1===e.indexOf("?")?"?":"&")+o),e}},DQJY:function(e,t,n){"use strict";t.__esModule=!0;var i,r="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},o=n("hyEB"),s=(i=o)&&i.__esModule?i:{default:i};var a,l=l||{};l.Dialog=function(e,t,n){var i=this;if(this.dialogNode=e,null===this.dialogNode||"dialog"!==this.dialogNode.getAttribute("role"))throw new Error("Dialog() requires a DOM element with ARIA role of dialog.");"string"==typeof t?this.focusAfterClosed=document.getElementById(t):"object"===(void 0===t?"undefined":r(t))?this.focusAfterClosed=t:this.focusAfterClosed=null,"string"==typeof n?this.focusFirst=document.getElementById(n):"object"===(void 0===n?"undefined":r(n))?this.focusFirst=n:this.focusFirst=null,this.focusFirst?this.focusFirst.focus():s.default.focusFirstDescendant(this.dialogNode),this.lastFocus=document.activeElement,a=function(e){i.trapFocus(e)},this.addListeners()},l.Dialog.prototype.addListeners=function(){document.addEventListener("focus",a,!0)},l.Dialog.prototype.removeListeners=function(){document.removeEventListener("focus",a,!0)},l.Dialog.prototype.closeDialog=function(){var e=this;this.removeListeners(),this.focusAfterClosed&&setTimeout(function(){e.focusAfterClosed.focus()})},l.Dialog.prototype.trapFocus=function(e){s.default.IgnoreUtilFocusChanges||(this.dialogNode.contains(e.target)?this.lastFocus=e.target:(s.default.focusFirstDescendant(this.dialogNode),this.lastFocus===document.activeElement&&s.default.focusLastDescendant(this.dialogNode),this.lastFocus=document.activeElement))},t.default=l.Dialog},Dd8w:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n("woOf"),o=(i=r)&&i.__esModule?i:{default:i};t.default=o.default||function(e){for(var t=1;t<arguments.length;t++){var n=arguments[t];for(var i in n)Object.prototype.hasOwnProperty.call(n,i)&&(e[i]=n[i])}return e}},DuR2:function(e,t){var n;n=function(){return this}();try{n=n||Function("return this")()||(0,eval)("this")}catch(e){"object"==typeof window&&(n=window)}e.exports=n},"E/in":function(e,t,n){"use strict";t.__esModule=!0,t.isDef=function(e){return void 0!==e&&null!==e}},EGZi:function(e,t){e.exports=function(e,t){return{value:t,done:!!e}}},EKTV:function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=137)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},1:function(e,t){e.exports=n("fPll")},137:function(e,t,n){e.exports=n(138)},138:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(139),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},139:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(140),r=n.n(i),o=n(141),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},140:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElCheckbox",mixins:[o.default],inject:{elForm:{default:""},elFormItem:{default:""}},componentName:"ElCheckbox",data:function(){return{selfModel:!1,focus:!1,isLimitExceeded:!1}},computed:{model:{get:function(){return this.isGroup?this.store:void 0!==this.value?this.value:this.selfModel},set:function(e){this.isGroup?(this.isLimitExceeded=!1,void 0!==this._checkboxGroup.min&&e.length<this._checkboxGroup.min&&(this.isLimitExceeded=!0),void 0!==this._checkboxGroup.max&&e.length>this._checkboxGroup.max&&(this.isLimitExceeded=!0),!1===this.isLimitExceeded&&this.dispatch("ElCheckboxGroup","input",[e])):(this.$emit("input",e),this.selfModel=e)}},isChecked:function(){return"[object Boolean]"==={}.toString.call(this.model)?this.model:Array.isArray(this.model)?this.model.indexOf(this.label)>-1:null!==this.model&&void 0!==this.model?this.model===this.trueLabel:void 0},isGroup:function(){for(var e=this.$parent;e;){if("ElCheckboxGroup"===e.$options.componentName)return this._checkboxGroup=e,!0;e=e.$parent}return!1},store:function(){return this._checkboxGroup?this._checkboxGroup.value:this.value},isDisabled:function(){return this.isGroup?this._checkboxGroup.disabled||this.disabled||(this.elForm||{}).disabled:this.disabled||(this.elForm||{}).disabled},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},checkboxSize:function(){var e=this.size||this._elFormItemSize||(this.$ELEMENT||{}).size;return this.isGroup&&this._checkboxGroup.checkboxGroupSize||e}},props:{value:{},label:{},indeterminate:Boolean,disabled:Boolean,checked:Boolean,name:String,trueLabel:[String,Number],falseLabel:[String,Number],id:String,controls:String,border:Boolean,size:String},methods:{addToStore:function(){Array.isArray(this.model)&&-1===this.model.indexOf(this.label)?this.model.push(this.label):this.model=this.trueLabel||!0},handleChange:function(e){var t=this;if(!this.isLimitExceeded){var n=void 0;n=e.target.checked?void 0===this.trueLabel||this.trueLabel:void 0!==this.falseLabel&&this.falseLabel,this.$emit("change",n,e),this.$nextTick(function(){t.isGroup&&t.dispatch("ElCheckboxGroup","change",[t._checkboxGroup.value])})}}},created:function(){this.checked&&this.addToStore()},mounted:function(){this.indeterminate&&this.$el.setAttribute("aria-controls",this.controls)}}},141:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("label",{staticClass:"el-checkbox",class:[e.border&&e.checkboxSize?"el-checkbox--"+e.checkboxSize:"",{"is-disabled":e.isDisabled},{"is-bordered":e.border},{"is-checked":e.isChecked}],attrs:{role:"checkbox","aria-checked":e.indeterminate?"mixed":e.isChecked,"aria-disabled":e.isDisabled,id:e.id}},[n("span",{staticClass:"el-checkbox__input",class:{"is-disabled":e.isDisabled,"is-checked":e.isChecked,"is-indeterminate":e.indeterminate,"is-focus":e.focus},attrs:{"aria-checked":"mixed"}},[n("span",{staticClass:"el-checkbox__inner"}),e.trueLabel||e.falseLabel?n("input",{directives:[{name:"model",rawName:"v-model",value:e.model,expression:"model"}],staticClass:"el-checkbox__original",attrs:{type:"checkbox",name:e.name,disabled:e.isDisabled,"true-value":e.trueLabel,"false-value":e.falseLabel},domProps:{checked:Array.isArray(e.model)?e._i(e.model,null)>-1:e._q(e.model,e.trueLabel)},on:{change:[function(t){var n=e.model,i=t.target,r=i.checked?e.trueLabel:e.falseLabel;if(Array.isArray(n)){var o=e._i(n,null);i.checked?o<0&&(e.model=n.concat([null])):o>-1&&(e.model=n.slice(0,o).concat(n.slice(o+1)))}else e.model=r},e.handleChange],focus:function(t){e.focus=!0},blur:function(t){e.focus=!1}}}):n("input",{directives:[{name:"model",rawName:"v-model",value:e.model,expression:"model"}],staticClass:"el-checkbox__original",attrs:{type:"checkbox",disabled:e.isDisabled,name:e.name},domProps:{value:e.label,checked:Array.isArray(e.model)?e._i(e.model,e.label)>-1:e.model},on:{change:[function(t){var n=e.model,i=t.target,r=!!i.checked;if(Array.isArray(n)){var o=e.label,s=e._i(n,o);i.checked?s<0&&(e.model=n.concat([o])):s>-1&&(e.model=n.slice(0,s).concat(n.slice(s+1)))}else e.model=r},e.handleChange],focus:function(t){e.focus=!0},blur:function(t){e.focus=!1}}})]),e.$slots.default||e.label?n("span",{staticClass:"el-checkbox__label"},[e._t("default"),e.$slots.default?e._e():[e._v(e._s(e.label))]],2):e._e()])},staticRenderFns:[]};t.a=i}})},EqjI:function(e,t){e.exports=function(e){return"object"==typeof e?null!==e:"function"==typeof e}},FeBl:function(e,t){var n=e.exports={version:"2.5.3"};"number"==typeof __e&&(__e=n)},FtD3:function(e,t,n){"use strict";var i=n("t8qj");e.exports=function(e,t,n,r,o){var s=new Error(e);return i(s,t,n,r,o)}},GHBc:function(e,t,n){"use strict";var i=n("cGG2");e.exports=i.isStandardBrowserEnv()?function(){var e,t=/(msie|trident)/i.test(navigator.userAgent),n=document.createElement("a");function r(e){var i=e;return t&&(n.setAttribute("href",i),i=n.href),n.setAttribute("href",i),{href:n.href,protocol:n.protocol?n.protocol.replace(/:$/,""):"",host:n.host,search:n.search?n.search.replace(/^\?/,""):"",hash:n.hash?n.hash.replace(/^#/,""):"",hostname:n.hostname,port:n.port,pathname:"/"===n.pathname.charAt(0)?n.pathname:"/"+n.pathname}}return e=r(window.location.href),function(t){var n=i.isString(t)?r(t):t;return n.protocol===e.protocol&&n.host===e.host}}():function(){return!0}},GegP:function(e,t){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=348)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},348:function(e,t,n){e.exports=n(349)},349:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(350),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},350:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(351),r=n.n(i),o=n(352),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},351:function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElProgress",props:{type:{type:String,default:"line",validator:function(e){return["line","circle"].indexOf(e)>-1}},percentage:{type:Number,default:0,required:!0,validator:function(e){return e>=0&&e<=100}},status:{type:String},strokeWidth:{type:Number,default:6},textInside:{type:Boolean,default:!1},width:{type:Number,default:126},showText:{type:Boolean,default:!0},color:{type:String,default:""}},computed:{barStyle:function(){var e={};return e.width=this.percentage+"%",e.backgroundColor=this.color,e},relativeStrokeWidth:function(){return(this.strokeWidth/this.width*100).toFixed(1)},trackPath:function(){var e=parseInt(50-parseFloat(this.relativeStrokeWidth)/2,10);return"M 50 50 m 0 -"+e+" a "+e+" "+e+" 0 1 1 0 "+2*e+" a "+e+" "+e+" 0 1 1 0 -"+2*e},perimeter:function(){var e=50-parseFloat(this.relativeStrokeWidth)/2;return 2*Math.PI*e},circlePathStyle:function(){var e=this.perimeter;return{strokeDasharray:e+"px,"+e+"px",strokeDashoffset:(1-this.percentage/100)*e+"px",transition:"stroke-dashoffset 0.6s ease 0s, stroke 0.6s ease"}},stroke:function(){var e=void 0;if(this.color)e=this.color;else switch(this.status){case"success":e="#13ce66";break;case"exception":e="#ff4949";break;default:e="#20a0ff"}return e},iconClass:function(){return"line"===this.type?"success"===this.status?"el-icon-circle-check":"el-icon-circle-cross":"success"===this.status?"el-icon-check":"el-icon-close"},progressTextSize:function(){return"line"===this.type?12+.4*this.strokeWidth:.111111*this.width+2}}}},352:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-progress",class:["el-progress--"+e.type,e.status?"is-"+e.status:"",{"el-progress--without-text":!e.showText,"el-progress--text-inside":e.textInside}],attrs:{role:"progressbar","aria-valuenow":e.percentage,"aria-valuemin":"0","aria-valuemax":"100"}},["line"===e.type?n("div",{staticClass:"el-progress-bar"},[n("div",{staticClass:"el-progress-bar__outer",style:{height:e.strokeWidth+"px"}},[n("div",{staticClass:"el-progress-bar__inner",style:e.barStyle},[e.showText&&e.textInside?n("div",{staticClass:"el-progress-bar__innerText"},[e._v(e._s(e.percentage)+"%")]):e._e()])])]):n("div",{staticClass:"el-progress-circle",style:{height:e.width+"px",width:e.width+"px"}},[n("svg",{attrs:{viewBox:"0 0 100 100"}},[n("path",{staticClass:"el-progress-circle__track",attrs:{d:e.trackPath,stroke:"#e5e9f2","stroke-width":e.relativeStrokeWidth,fill:"none"}}),n("path",{staticClass:"el-progress-circle__path",style:e.circlePathStyle,attrs:{d:e.trackPath,"stroke-linecap":"round",stroke:e.stroke,"stroke-width":e.relativeStrokeWidth,fill:"none"}})])]),e.showText&&!e.textInside?n("div",{staticClass:"el-progress__text",style:{fontSize:e.progressTextSize+"px"}},[e.status?n("i",{class:e.iconClass}):[e._v(e._s(e.percentage)+"%")]],2):e._e()])},staticRenderFns:[]};t.a=i}})},H8dH:function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e,t){var n=arguments.length>2&&void 0!==arguments[2]?arguments[2]:300,i=arguments.length>3&&void 0!==arguments[3]&&arguments[3];if(!e||!t)throw new Error("instance & callback is required");var r=!1,o=function(){r||(r=!0,t&&t.apply(null,arguments))};i?e.$once("after-leave",o):e.$on("after-leave",o),setTimeout(function(){o()},n+100)}},HJMx:function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=111)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},1:function(e,t){e.exports=n("fPll")},111:function(e,t,n){e.exports=n(112)},112:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(113),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},113:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(114),r=n.n(i),o=n(116),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},114:function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(1)),r=a(n(8)),o=a(n(115)),s=a(n(9));function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElInput",componentName:"ElInput",mixins:[i.default,r.default],inheritAttrs:!1,inject:{elForm:{default:""},elFormItem:{default:""}},data:function(){return{currentValue:this.value,textareaCalcStyle:{},prefixOffset:null,suffixOffset:null,hovering:!1,focused:!1}},props:{value:[String,Number],size:String,resize:String,form:String,disabled:Boolean,type:{type:String,default:"text"},autosize:{type:[Boolean,Object],default:!1},autoComplete:{type:String,default:"off"},validateEvent:{type:Boolean,default:!0},suffixIcon:String,prefixIcon:String,label:String,clearable:{type:Boolean,default:!1},tabindex:String},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},validateState:function(){return this.elFormItem?this.elFormItem.validateState:""},needStatusIcon:function(){return!!this.elForm&&this.elForm.statusIcon},validateIcon:function(){return{validating:"el-icon-loading",success:"el-icon-circle-check",error:"el-icon-circle-close"}[this.validateState]},textareaStyle:function(){return(0,s.default)({},this.textareaCalcStyle,{resize:this.resize})},inputSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},inputDisabled:function(){return this.disabled||(this.elForm||{}).disabled},isGroup:function(){return this.$slots.prepend||this.$slots.append},showClear:function(){return this.clearable&&!this.disabled&&""!==this.currentValue&&(this.focused||this.hovering)}},watch:{value:function(e,t){this.setCurrentValue(e)}},methods:{focus:function(){(this.$refs.input||this.$refs.textarea).focus()},blur:function(){(this.$refs.input||this.$refs.textarea).blur()},getMigratingConfig:function(){return{props:{icon:"icon is removed, use suffix-icon / prefix-icon instead.","on-icon-click":"on-icon-click is removed."},events:{click:"click is removed."}}},handleBlur:function(e){this.focused=!1,this.$emit("blur",e),this.validateEvent&&this.dispatch("ElFormItem","el.form.blur",[this.currentValue])},select:function(){(this.$refs.input||this.$refs.textarea).select()},resizeTextarea:function(){if(!this.$isServer){var e=this.autosize;if("textarea"===this.type)if(e){var t=e.minRows,n=e.maxRows;this.textareaCalcStyle=(0,o.default)(this.$refs.textarea,t,n)}else this.textareaCalcStyle={minHeight:(0,o.default)(this.$refs.textarea).minHeight}}},handleFocus:function(e){this.focused=!0,this.$emit("focus",e)},handleInput:function(e){var t=e.target.value;this.$emit("input",t),this.setCurrentValue(t)},handleChange:function(e){this.$emit("change",e.target.value)},setCurrentValue:function(e){var t=this;e!==this.currentValue&&(this.$nextTick(function(e){t.resizeTextarea()}),this.currentValue=e,this.validateEvent&&this.dispatch("ElFormItem","el.form.change",[e]))},calcIconOffset:function(e){var t={suf:"append",pre:"prepend"}[e];if(this.$slots[t])return{transform:"translateX("+("suf"===e?"-":"")+this.$el.querySelector(".el-input-group__"+t).offsetWidth+"px)"}},clear:function(){this.$emit("input",""),this.$emit("change",""),this.$emit("clear"),this.setCurrentValue(""),this.focus()}},created:function(){this.$on("inputSelect",this.select)},mounted:function(){this.resizeTextarea(),this.isGroup&&(this.prefixOffset=this.calcIconOffset("pre"),this.suffixOffset=this.calcIconOffset("suf"))}}},115:function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:1,n=arguments.length>2&&void 0!==arguments[2]?arguments[2]:null;i||(i=document.createElement("textarea"),document.body.appendChild(i));var s=function(e){var t=window.getComputedStyle(e),n=t.getPropertyValue("box-sizing"),i=parseFloat(t.getPropertyValue("padding-bottom"))+parseFloat(t.getPropertyValue("padding-top")),r=parseFloat(t.getPropertyValue("border-bottom-width"))+parseFloat(t.getPropertyValue("border-top-width"));return{contextStyle:o.map(function(e){return e+":"+t.getPropertyValue(e)}).join(";"),paddingSize:i,borderSize:r,boxSizing:n}}(e),a=s.paddingSize,l=s.borderSize,u=s.boxSizing,c=s.contextStyle;i.setAttribute("style",c+";"+r),i.value=e.value||e.placeholder||"";var d=i.scrollHeight,f={};"border-box"===u?d+=l:"content-box"===u&&(d-=a);i.value="";var h=i.scrollHeight-a;if(null!==t){var p=h*t;"border-box"===u&&(p=p+a+l),d=Math.max(p,d),f.minHeight=p+"px"}if(null!==n){var m=h*n;"border-box"===u&&(m=m+a+l),d=Math.min(m,d)}return f.height=d+"px",i.parentNode&&i.parentNode.removeChild(i),i=null,f};var i=void 0,r="\n height:0 !important;\n visibility:hidden !important;\n overflow:hidden !important;\n position:absolute !important;\n z-index:-1000 !important;\n top:0 !important;\n right:0 !important\n",o=["letter-spacing","line-height","padding-top","padding-bottom","font-family","font-weight","font-size","text-rendering","text-transform","width","text-indent","padding-left","padding-right","border-width","box-sizing"]},116:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{class:["textarea"===e.type?"el-textarea":"el-input",e.inputSize?"el-input--"+e.inputSize:"",{"is-disabled":e.inputDisabled,"el-input-group":e.$slots.prepend||e.$slots.append,"el-input-group--append":e.$slots.append,"el-input-group--prepend":e.$slots.prepend,"el-input--prefix":e.$slots.prefix||e.prefixIcon,"el-input--suffix":e.$slots.suffix||e.suffixIcon}],on:{mouseenter:function(t){e.hovering=!0},mouseleave:function(t){e.hovering=!1}}},["textarea"!==e.type?[e.$slots.prepend?n("div",{staticClass:"el-input-group__prepend"},[e._t("prepend")],2):e._e(),"textarea"!==e.type?n("input",e._b({ref:"input",staticClass:"el-input__inner",attrs:{tabindex:e.tabindex,type:e.type,disabled:e.inputDisabled,autocomplete:e.autoComplete,"aria-label":e.label},domProps:{value:e.currentValue},on:{input:e.handleInput,focus:e.handleFocus,blur:e.handleBlur,change:e.handleChange}},"input",e.$attrs,!1)):e._e(),e.$slots.prefix||e.prefixIcon?n("span",{staticClass:"el-input__prefix",style:e.prefixOffset},[e._t("prefix"),e.prefixIcon?n("i",{staticClass:"el-input__icon",class:e.prefixIcon}):e._e()],2):e._e(),e.$slots.suffix||e.suffixIcon||e.showClear||e.validateState&&e.needStatusIcon?n("span",{staticClass:"el-input__suffix",style:e.suffixOffset},[n("span",{staticClass:"el-input__suffix-inner"},[e.showClear?n("i",{staticClass:"el-input__icon el-icon-circle-close el-input__clear",on:{click:e.clear}}):[e._t("suffix"),e.suffixIcon?n("i",{staticClass:"el-input__icon",class:e.suffixIcon}):e._e()]],2),e.validateState?n("i",{staticClass:"el-input__icon",class:["el-input__validateIcon",e.validateIcon]}):e._e()]):e._e(),e.$slots.append?n("div",{staticClass:"el-input-group__append"},[e._t("append")],2):e._e()]:n("textarea",e._b({ref:"textarea",staticClass:"el-textarea__inner",style:e.textareaStyle,attrs:{tabindex:e.tabindex,disabled:e.inputDisabled,"aria-label":e.label},domProps:{value:e.currentValue},on:{input:e.handleInput,focus:e.handleFocus,blur:e.handleBlur,change:e.handleChange}},"textarea",e.$attrs,!1))],2)},staticRenderFns:[]};t.a=i},8:function(e,t){e.exports=n("aW5l")},9:function(e,t){e.exports=n("jmaC")}})},ISYW:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n("7+uW"),o=(i=r)&&i.__esModule?i:{default:i},s=n("2kvA");var a=[],l="@@clickoutsideContext",u=void 0,c=0;function d(e,t,n){return function(){var i=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{},r=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};!(n&&n.context&&i.target&&r.target)||e.contains(i.target)||e.contains(r.target)||e===i.target||n.context.popperElm&&(n.context.popperElm.contains(i.target)||n.context.popperElm.contains(r.target))||(t.expression&&e[l].methodName&&n.context[e[l].methodName]?n.context[e[l].methodName]():e[l].bindingFn&&e[l].bindingFn())}}!o.default.prototype.$isServer&&(0,s.on)(document,"mousedown",function(e){return u=e}),!o.default.prototype.$isServer&&(0,s.on)(document,"mouseup",function(e){a.forEach(function(t){return t[l].documentHandler(e,u)})}),t.default={bind:function(e,t,n){a.push(e);var i=c++;e[l]={id:i,documentHandler:d(e,t,n),methodName:t.expression,bindingFn:t.value}},update:function(e,t,n){e[l].documentHandler=d(e,t,n),e[l].methodName=t.expression,e[l].bindingFn=t.value},unbind:function(e){for(var t=a.length,n=0;n<t;n++)if(a[n][l].id===e[l].id){a.splice(n,1);break}delete e[l]}}},Ibhu:function(e,t,n){var i=n("D2L2"),r=n("TcQ7"),o=n("vFc/")(!1),s=n("ax3d")("IE_PROTO");e.exports=function(e,t){var n,a=r(e),l=0,u=[];for(n in a)n!=s&&i(a,n)&&u.push(n);for(;t.length>l;)i(a,n=t[l++])&&(~o(u,n)||u.push(n));return u}},"JP+z":function(e,t,n){"use strict";e.exports=function(e,t){return function(){for(var n=new Array(arguments.length),i=0;i<n.length;i++)n[i]=arguments[i];return e.apply(t,n)}}},KCLY:function(e,t,n){"use strict";(function(t){var i=n("cGG2"),r=n("5VQ+"),o={"Content-Type":"application/x-www-form-urlencoded"};function s(e,t){!i.isUndefined(e)&&i.isUndefined(e["Content-Type"])&&(e["Content-Type"]=t)}var a,l={adapter:("undefined"!=typeof XMLHttpRequest?a=n("7GwW"):void 0!==t&&(a=n("7GwW")),a),transformRequest:[function(e,t){return r(t,"Content-Type"),i.isFormData(e)||i.isArrayBuffer(e)||i.isBuffer(e)||i.isStream(e)||i.isFile(e)||i.isBlob(e)?e:i.isArrayBufferView(e)?e.buffer:i.isURLSearchParams(e)?(s(t,"application/x-www-form-urlencoded;charset=utf-8"),e.toString()):i.isObject(e)?(s(t,"application/json;charset=utf-8"),JSON.stringify(e)):e}],transformResponse:[function(e){if("string"==typeof e)try{e=JSON.parse(e)}catch(e){}return e}],timeout:0,xsrfCookieName:"XSRF-TOKEN",xsrfHeaderName:"X-XSRF-TOKEN",maxContentLength:-1,validateStatus:function(e){return e>=200&&e<300}};l.headers={common:{Accept:"application/json, text/plain, */*"}},i.forEach(["delete","get","head"],function(e){l.headers[e]={}}),i.forEach(["post","put","patch"],function(e){l.headers[e]=i.merge(o)}),e.exports=l}).call(t,n("W2nU"))},Kh4W:function(e,t,n){t.f=n("dSzd")},LKZe:function(e,t,n){var i=n("NpIQ"),r=n("X8DO"),o=n("TcQ7"),s=n("MmMw"),a=n("D2L2"),l=n("SfB7"),u=Object.getOwnPropertyDescriptor;t.f=n("+E39")?u:function(e,t){if(e=o(e),t=s(t,!0),l)try{return u(e,t)}catch(e){}if(a(e,t))return r(!i.f.call(e,t),e[t])}},M6a0:function(e,t){},MU5D:function(e,t,n){var i=n("R9M2");e.exports=Object("z").propertyIsEnumerable(0)?Object:function(e){return"String"==i(e)?e.split(""):Object(e)}},MmMw:function(e,t,n){var i=n("EqjI");e.exports=function(e,t){if(!i(e))return e;var n,r;if(t&&"function"==typeof(n=e.toString)&&!i(r=n.call(e)))return r;if("function"==typeof(n=e.valueOf)&&!i(r=n.call(e)))return r;if(!t&&"function"==typeof(n=e.toString)&&!i(r=n.call(e)))return r;throw TypeError("Can't convert object to primitive value")}},NMof:function(e,t,n){"use strict";var i,r;"function"==typeof Symbol&&Symbol.iterator;void 0===(r="function"==typeof(i=function(){var e=window,t={placement:"bottom",gpuAcceleration:!0,offset:0,boundariesElement:"viewport",boundariesPadding:5,preventOverflowOrder:["left","right","top","bottom"],flipBehavior:"flip",arrowElement:"[x-arrow]",arrowOffset:0,modifiers:["shift","offset","preventOverflow","keepTogether","arrow","flip","applyStyle"],modifiersIgnored:[],forceAbsolute:!1};function n(e,n,i){this._reference=e.jquery?e[0]:e,this.state={};var r=void 0===n||null===n,o=n&&"[object Object]"===Object.prototype.toString.call(n);return this._popper=r||o?this.parse(o?n:{}):n.jquery?n[0]:n,this._options=Object.assign({},t,i),this._options.modifiers=this._options.modifiers.map(function(e){if(-1===this._options.modifiersIgnored.indexOf(e))return"applyStyle"===e&&this._popper.setAttribute("x-placement",this._options.placement),this.modifiers[e]||e}.bind(this)),this.state.position=this._getPosition(this._popper,this._reference),c(this._popper,{position:this.state.position,top:0}),this.update(),this._setupEventListeners(),this}function i(t){var n=t.style.display,i=t.style.visibility;t.style.display="block",t.style.visibility="hidden";t.offsetWidth;var r=e.getComputedStyle(t),o=parseFloat(r.marginTop)+parseFloat(r.marginBottom),s=parseFloat(r.marginLeft)+parseFloat(r.marginRight),a={width:t.offsetWidth+s,height:t.offsetHeight+o};return t.style.display=n,t.style.visibility=i,a}function r(e){var t={left:"right",right:"left",bottom:"top",top:"bottom"};return e.replace(/left|right|bottom|top/g,function(e){return t[e]})}function o(e){var t=Object.assign({},e);return t.right=t.left+t.width,t.bottom=t.top+t.height,t}function s(e,t){var n,i=0;for(n in e){if(e[n]===t)return i;i++}return null}function a(t,n){return e.getComputedStyle(t,null)[n]}function l(t){var n=t.offsetParent;return n!==e.document.body&&n?n:e.document.documentElement}function u(t){var n=t.parentNode;return n?n===e.document?e.document.body.scrollTop||e.document.body.scrollLeft?e.document.body:e.document.documentElement:-1!==["scroll","auto"].indexOf(a(n,"overflow"))||-1!==["scroll","auto"].indexOf(a(n,"overflow-x"))||-1!==["scroll","auto"].indexOf(a(n,"overflow-y"))?n:u(t.parentNode):t}function c(e,t){Object.keys(t).forEach(function(n){var i,r="";-1!==["width","height","top","right","bottom","left"].indexOf(n)&&(""!==(i=t[n])&&!isNaN(parseFloat(i))&&isFinite(i))&&(r="px"),e.style[n]=t[n]+r})}function d(e){var t={width:e.offsetWidth,height:e.offsetHeight,left:e.offsetLeft,top:e.offsetTop};return t.right=t.left+t.width,t.bottom=t.top+t.height,t}function f(e){var t=e.getBoundingClientRect(),n=-1!=navigator.userAgent.indexOf("MSIE")&&"HTML"===e.tagName?-e.scrollTop:t.top;return{left:t.left,top:n,right:t.right,bottom:t.bottom,width:t.right-t.left,height:t.bottom-n}}function h(t){for(var n=["","ms","webkit","moz","o"],i=0;i<n.length;i++){var r=n[i]?n[i]+t.charAt(0).toUpperCase()+t.slice(1):t;if(void 0!==e.document.body.style[r])return r}return null}return n.prototype.destroy=function(){return this._popper.removeAttribute("x-placement"),this._popper.style.left="",this._popper.style.position="",this._popper.style.top="",this._popper.style[h("transform")]="",this._removeEventListeners(),this._options.removeOnDestroy&&this._popper.remove(),this},n.prototype.update=function(){var e={instance:this,styles:{}};e.placement=this._options.placement,e._originalPlacement=this._options.placement,e.offsets=this._getOffsets(this._popper,this._reference,e.placement),e.boundaries=this._getBoundaries(e,this._options.boundariesPadding,this._options.boundariesElement),e=this.runModifiers(e,this._options.modifiers),"function"==typeof this.state.updateCallback&&this.state.updateCallback(e)},n.prototype.onCreate=function(e){return e(this),this},n.prototype.onUpdate=function(e){return this.state.updateCallback=e,this},n.prototype.parse=function(t){var n={tagName:"div",classNames:["popper"],attributes:[],parent:e.document.body,content:"",contentType:"text",arrowTagName:"div",arrowClassNames:["popper__arrow"],arrowAttributes:["x-arrow"]};t=Object.assign({},n,t);var i=e.document,r=i.createElement(t.tagName);if(a(r,t.classNames),l(r,t.attributes),"node"===t.contentType?r.appendChild(t.content.jquery?t.content[0]:t.content):"html"===t.contentType?r.innerHTML=t.content:r.textContent=t.content,t.arrowTagName){var o=i.createElement(t.arrowTagName);a(o,t.arrowClassNames),l(o,t.arrowAttributes),r.appendChild(o)}var s=t.parent.jquery?t.parent[0]:t.parent;if("string"==typeof s){if((s=i.querySelectorAll(t.parent)).length>1&&console.warn("WARNING: the given `parent` query("+t.parent+") matched more than one element, the first one will be used"),0===s.length)throw"ERROR: the given `parent` doesn't exists!";s=s[0]}return s.length>1&&s instanceof Element==!1&&(console.warn("WARNING: you have passed as parent a list of elements, the first one will be used"),s=s[0]),s.appendChild(r),r;function a(e,t){t.forEach(function(t){e.classList.add(t)})}function l(e,t){t.forEach(function(t){e.setAttribute(t.split(":")[0],t.split(":")[1]||"")})}},n.prototype._getPosition=function(t,n){l(n);return this._options.forceAbsolute?"absolute":function t(n){if(n===e.document.body)return!1;if("fixed"===a(n,"position"))return!0;return n.parentNode?t(n.parentNode):n}(n)?"fixed":"absolute"},n.prototype._getOffsets=function(e,t,n){n=n.split("-")[0];var r={};r.position=this.state.position;var o="fixed"===r.position,s=function(e,t,n){var i=f(e),r=f(t);if(n){var o=u(t);r.top+=o.scrollTop,r.bottom+=o.scrollTop,r.left+=o.scrollLeft,r.right+=o.scrollLeft}return{top:i.top-r.top,left:i.left-r.left,bottom:i.top-r.top+i.height,right:i.left-r.left+i.width,width:i.width,height:i.height}}(t,l(e),o),a=i(e);return-1!==["right","left"].indexOf(n)?(r.top=s.top+s.height/2-a.height/2,r.left="left"===n?s.left-a.width:s.right):(r.left=s.left+s.width/2-a.width/2,r.top="top"===n?s.top-a.height:s.bottom),r.width=a.width,r.height=a.height,{popper:r,reference:s}},n.prototype._setupEventListeners=function(){if(this.state.updateBound=this.update.bind(this),e.addEventListener("resize",this.state.updateBound),"window"!==this._options.boundariesElement){var t=u(this._reference);t!==e.document.body&&t!==e.document.documentElement||(t=e),t.addEventListener("scroll",this.state.updateBound),this.state.scrollTarget=t}},n.prototype._removeEventListeners=function(){e.removeEventListener("resize",this.state.updateBound),"window"!==this._options.boundariesElement&&this.state.scrollTarget&&(this.state.scrollTarget.removeEventListener("scroll",this.state.updateBound),this.state.scrollTarget=null),this.state.updateBound=null},n.prototype._getBoundaries=function(t,n,i){var r,o,s={};if("window"===i){var a=e.document.body,c=e.document.documentElement;r=Math.max(a.scrollHeight,a.offsetHeight,c.clientHeight,c.scrollHeight,c.offsetHeight),s={top:0,right:Math.max(a.scrollWidth,a.offsetWidth,c.clientWidth,c.scrollWidth,c.offsetWidth),bottom:r,left:0}}else if("viewport"===i){var f=l(this._popper),h=u(this._popper),p=d(f),m="fixed"===t.offsets.popper.position?0:(o=h)==document.body?Math.max(document.documentElement.scrollTop,document.body.scrollTop):o.scrollTop,v="fixed"===t.offsets.popper.position?0:function(e){return e==document.body?Math.max(document.documentElement.scrollLeft,document.body.scrollLeft):e.scrollLeft}(h);s={top:0-(p.top-m),right:e.document.documentElement.clientWidth-(p.left-v),bottom:e.document.documentElement.clientHeight-(p.top-m),left:0-(p.left-v)}}else s=l(this._popper)===i?{top:0,left:0,right:i.clientWidth,bottom:i.clientHeight}:d(i);return s.left+=n,s.right-=n,s.top=s.top+n,s.bottom=s.bottom-n,s},n.prototype.runModifiers=function(e,t,n){var i=t.slice();return void 0!==n&&(i=this._options.modifiers.slice(0,s(this._options.modifiers,n))),i.forEach(function(t){var n;(n=t)&&"[object Function]"==={}.toString.call(n)&&(e=t.call(this,e))}.bind(this)),e},n.prototype.isModifierRequired=function(e,t){var n=s(this._options.modifiers,e);return!!this._options.modifiers.slice(0,n).filter(function(e){return e===t}).length},n.prototype.modifiers={},n.prototype.modifiers.applyStyle=function(e){var t,n={position:e.offsets.popper.position},i=Math.round(e.offsets.popper.left),r=Math.round(e.offsets.popper.top);return this._options.gpuAcceleration&&(t=h("transform"))?(n[t]="translate3d("+i+"px, "+r+"px, 0)",n.top=0,n.left=0):(n.left=i,n.top=r),Object.assign(n,e.styles),c(this._popper,n),this._popper.setAttribute("x-placement",e.placement),this.isModifierRequired(this.modifiers.applyStyle,this.modifiers.arrow)&&e.offsets.arrow&&c(e.arrowElement,e.offsets.arrow),e},n.prototype.modifiers.shift=function(e){var t=e.placement,n=t.split("-")[0],i=t.split("-")[1];if(i){var r=e.offsets.reference,s=o(e.offsets.popper),a={y:{start:{top:r.top},end:{top:r.top+r.height-s.height}},x:{start:{left:r.left},end:{left:r.left+r.width-s.width}}},l=-1!==["bottom","top"].indexOf(n)?"x":"y";e.offsets.popper=Object.assign(s,a[l][i])}return e},n.prototype.modifiers.preventOverflow=function(e){var t=this._options.preventOverflowOrder,n=o(e.offsets.popper),i={left:function(){var t=n.left;return n.left<e.boundaries.left&&(t=Math.max(n.left,e.boundaries.left)),{left:t}},right:function(){var t=n.left;return n.right>e.boundaries.right&&(t=Math.min(n.left,e.boundaries.right-n.width)),{left:t}},top:function(){var t=n.top;return n.top<e.boundaries.top&&(t=Math.max(n.top,e.boundaries.top)),{top:t}},bottom:function(){var t=n.top;return n.bottom>e.boundaries.bottom&&(t=Math.min(n.top,e.boundaries.bottom-n.height)),{top:t}}};return t.forEach(function(t){e.offsets.popper=Object.assign(n,i[t]())}),e},n.prototype.modifiers.keepTogether=function(e){var t=o(e.offsets.popper),n=e.offsets.reference,i=Math.floor;return t.right<i(n.left)&&(e.offsets.popper.left=i(n.left)-t.width),t.left>i(n.right)&&(e.offsets.popper.left=i(n.right)),t.bottom<i(n.top)&&(e.offsets.popper.top=i(n.top)-t.height),t.top>i(n.bottom)&&(e.offsets.popper.top=i(n.bottom)),e},n.prototype.modifiers.flip=function(e){if(!this.isModifierRequired(this.modifiers.flip,this.modifiers.preventOverflow))return console.warn("WARNING: preventOverflow modifier is required by flip modifier in order to work, be sure to include it before flip!"),e;if(e.flipped&&e.placement===e._originalPlacement)return e;var t=e.placement.split("-")[0],n=r(t),i=e.placement.split("-")[1]||"",s=[];return(s="flip"===this._options.flipBehavior?[t,n]:this._options.flipBehavior).forEach(function(a,l){if(t===a&&s.length!==l+1){t=e.placement.split("-")[0],n=r(t);var u=o(e.offsets.popper),c=-1!==["right","bottom"].indexOf(t);(c&&Math.floor(e.offsets.reference[t])>Math.floor(u[n])||!c&&Math.floor(e.offsets.reference[t])<Math.floor(u[n]))&&(e.flipped=!0,e.placement=s[l+1],i&&(e.placement+="-"+i),e.offsets.popper=this._getOffsets(this._popper,this._reference,e.placement).popper,e=this.runModifiers(e,this._options.modifiers,this._flip))}}.bind(this)),e},n.prototype.modifiers.offset=function(e){var t=this._options.offset,n=e.offsets.popper;return-1!==e.placement.indexOf("left")?n.top-=t:-1!==e.placement.indexOf("right")?n.top+=t:-1!==e.placement.indexOf("top")?n.left-=t:-1!==e.placement.indexOf("bottom")&&(n.left+=t),e},n.prototype.modifiers.arrow=function(e){var t=this._options.arrowElement,n=this._options.arrowOffset;if("string"==typeof t&&(t=this._popper.querySelector(t)),!t)return e;if(!this._popper.contains(t))return console.warn("WARNING: `arrowElement` must be child of its popper element!"),e;if(!this.isModifierRequired(this.modifiers.arrow,this.modifiers.keepTogether))return console.warn("WARNING: keepTogether modifier is required by arrow modifier in order to work, be sure to include it before arrow!"),e;var r={},s=e.placement.split("-")[0],a=o(e.offsets.popper),l=e.offsets.reference,u=-1!==["left","right"].indexOf(s),c=u?"height":"width",d=u?"top":"left",f=u?"left":"top",h=u?"bottom":"right",p=i(t)[c];l[h]-p<a[d]&&(e.offsets.popper[d]-=a[d]-(l[h]-p)),l[d]+p>a[h]&&(e.offsets.popper[d]+=l[d]+p-a[h]);var m=l[d]+(n||l[c]/2-p/2)-a[d];return m=Math.max(Math.min(a[c]-p-8,m),8),r[d]=m,r[f]="",e.offsets.arrow=r,e.arrowElement=t,e},Object.assign||Object.defineProperty(Object,"assign",{enumerable:!1,configurable:!0,writable:!0,value:function(e){if(void 0===e||null===e)throw new TypeError("Cannot convert first argument to object");for(var t=Object(e),n=1;n<arguments.length;n++){var i=arguments[n];if(void 0!==i&&null!==i){i=Object(i);for(var r=Object.keys(i),o=0,s=r.length;o<s;o++){var a=r[o],l=Object.getOwnPropertyDescriptor(i,a);void 0!==l&&l.enumerable&&(t[a]=i[a])}}}return t}}),n})?i.call(t,n,t,e):i)||(e.exports=r)},NpIQ:function(e,t){t.f={}.propertyIsEnumerable},O4g8:function(e,t){e.exports=!0},OAzY:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n("7+uW"),o=(i=r)&&i.__esModule?i:{default:i},s=n("2kvA");var a=!1,l=function(){if(!o.default.prototype.$isServer){var e=c.modalDom;return e?a=!0:(a=!1,e=document.createElement("div"),c.modalDom=e,e.addEventListener("touchmove",function(e){e.preventDefault(),e.stopPropagation()}),e.addEventListener("click",function(){c.doOnModalClick&&c.doOnModalClick()})),e}},u={},c={zIndex:2e3,modalFade:!0,getInstance:function(e){return u[e]},register:function(e,t){e&&t&&(u[e]=t)},deregister:function(e){e&&(u[e]=null,delete u[e])},nextZIndex:function(){return c.zIndex++},modalStack:[],doOnModalClick:function(){var e=c.modalStack[c.modalStack.length-1];if(e){var t=c.getInstance(e.id);t&&t.closeOnClickModal&&t.close()}},openModal:function(e,t,n,i,r){if(!o.default.prototype.$isServer&&e&&void 0!==t){this.modalFade=r;for(var u=this.modalStack,c=0,d=u.length;c<d;c++){if(u[c].id===e)return}var f=l();if((0,s.addClass)(f,"v-modal"),this.modalFade&&!a&&(0,s.addClass)(f,"v-modal-enter"),i)i.trim().split(/\s+/).forEach(function(e){return(0,s.addClass)(f,e)});setTimeout(function(){(0,s.removeClass)(f,"v-modal-enter")},200),n&&n.parentNode&&11!==n.parentNode.nodeType?n.parentNode.appendChild(f):document.body.appendChild(f),t&&(f.style.zIndex=t),f.tabIndex=0,f.style.display="",this.modalStack.push({id:e,zIndex:t,modalClass:i})}},closeModal:function(e){var t=this.modalStack,n=l();if(t.length>0){var i=t[t.length-1];if(i.id===e){if(i.modalClass)i.modalClass.trim().split(/\s+/).forEach(function(e){return(0,s.removeClass)(n,e)});t.pop(),t.length>0&&(n.style.zIndex=t[t.length-1].zIndex)}else for(var r=t.length-1;r>=0;r--)if(t[r].id===e){t.splice(r,1);break}}0===t.length&&(this.modalFade&&(0,s.addClass)(n,"v-modal-leave"),setTimeout(function(){0===t.length&&(n.parentNode&&n.parentNode.removeChild(n),n.style.display="none",c.modalDom=void 0),(0,s.removeClass)(n,"v-modal-leave")},200))}};o.default.prototype.$isServer||window.addEventListener("keydown",function(e){if(27===e.keyCode){var t=function(){if(!o.default.prototype.$isServer&&c.modalStack.length>0){var e=c.modalStack[c.modalStack.length-1];if(!e)return;return c.getInstance(e.id)}}();t&&t.closeOnPressEscape&&(t.handleClose?t.handleClose():t.handleAction?t.handleAction("cancel"):t.close())}}),t.default=c},ON07:function(e,t,n){var i=n("EqjI"),r=n("7KvD").document,o=i(r)&&i(r.createElement);e.exports=function(e){return o?r.createElement(e):{}}},ON3O:function(e,t,n){var i=n("uY1a");e.exports=function(e,t,n){return void 0===n?i(e,t,!1):i(e,n,!1!==t)}},OYls:function(e,t,n){n("crlp")("asyncIterator")},PzxK:function(e,t,n){var i=n("D2L2"),r=n("sB3e"),o=n("ax3d")("IE_PROTO"),s=Object.prototype;e.exports=Object.getPrototypeOf||function(e){return e=r(e),i(e,o)?e[o]:"function"==typeof e.constructor&&e instanceof e.constructor?e.constructor.prototype:e instanceof Object?s:null}},QRG4:function(e,t,n){var i=n("UuGF"),r=Math.min;e.exports=function(e){return e>0?r(i(e),9007199254740991):0}},"QWe/":function(e,t,n){n("crlp")("observable")},R4wc:function(e,t,n){var i=n("kM2E");i(i.S+i.F,"Object",{assign:n("To3L")})},R9M2:function(e,t){var n={}.toString;e.exports=function(e){return n.call(e).slice(8,-1)}},RPLV:function(e,t,n){var i=n("7KvD").document;e.exports=i&&i.documentElement},Re3r:function(e,t){function n(e){return!!e.constructor&&"function"==typeof e.constructor.isBuffer&&e.constructor.isBuffer(e)} /*! * Determine if an object is a Buffer * * @author Feross Aboukhadijeh <https://feross.org> * @license MIT */ e.exports=function(e){return null!=e&&(n(e)||function(e){return"function"==typeof e.readFloatLE&&"function"==typeof e.slice&&n(e.slice(0,0))}(e)||!!e._isBuffer)}},Rrel:function(e,t,n){var i=n("TcQ7"),r=n("n0T6").f,o={}.toString,s="object"==typeof window&&window&&Object.getOwnPropertyNames?Object.getOwnPropertyNames(window):[];e.exports.f=function(e){return s&&"[object Window]"==o.call(e)?function(e){try{return r(e)}catch(e){return s.slice()}}(e):r(i(e))}},S82l:function(e,t){e.exports=function(e){try{return!!e()}catch(e){return!0}}},STLj:function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=166)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},1:function(e,t){e.exports=n("fPll")},166:function(e,t,n){e.exports=n(167)},167:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(34),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},3:function(e,t){e.exports=n("ylDJ")},34:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(35),r=n.n(i),o=n(36),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},35:function(e,t,n){"use strict";t.__esModule=!0;var i,r="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},o=n(1),s=(i=o)&&i.__esModule?i:{default:i},a=n(3);t.default={mixins:[s.default],name:"ElOption",componentName:"ElOption",inject:["select"],props:{value:{required:!0},label:[String,Number],created:Boolean,disabled:{type:Boolean,default:!1}},data:function(){return{index:-1,groupDisabled:!1,visible:!0,hitState:!1,hover:!1}},computed:{isObject:function(){return"[object object]"===Object.prototype.toString.call(this.value).toLowerCase()},currentLabel:function(){return this.label||(this.isObject?"":this.value)},currentValue:function(){return this.value||this.label||""},itemSelected:function(){return this.select.multiple?this.contains(this.select.value,this.value):this.isEqual(this.value,this.select.value)},limitReached:function(){return!!this.select.multiple&&(!this.itemSelected&&(this.select.value||[]).length>=this.select.multipleLimit&&this.select.multipleLimit>0)}},watch:{currentLabel:function(){this.created||this.select.remote||this.dispatch("ElSelect","setSelected")},value:function(){this.created||this.select.remote||this.dispatch("ElSelect","setSelected")}},methods:{isEqual:function(e,t){if(this.isObject){var n=this.select.valueKey;return(0,a.getValueByPath)(e,n)===(0,a.getValueByPath)(t,n)}return e===t},contains:function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[],n=arguments[1];if(!this.isObject)return t.indexOf(n)>-1;var i,o=(i=e.select.valueKey,{v:t.some(function(e){return(0,a.getValueByPath)(e,i)===(0,a.getValueByPath)(n,i)})});return"object"===(void 0===o?"undefined":r(o))?o.v:void 0},handleGroupDisabled:function(e){this.groupDisabled=e},hoverItem:function(){this.disabled||this.groupDisabled||(this.select.hoverIndex=this.select.options.indexOf(this))},selectOptionClick:function(){!0!==this.disabled&&!0!==this.groupDisabled&&this.dispatch("ElSelect","handleOptionClick",this)},queryChange:function(e){var t=String(e).replace(/(\^|\(|\)|\[|\]|\$|\*|\+|\.|\?|\\|\{|\}|\|)/g,"\\$1");this.visible=new RegExp(t,"i").test(this.currentLabel)||this.created,this.visible||this.select.filteredOptionsCount--}},created:function(){this.select.options.push(this),this.select.cachedOptions.push(this),this.select.optionsCount++,this.select.filteredOptionsCount++,this.$on("queryChange",this.queryChange),this.$on("handleGroupDisabled",this.handleGroupDisabled)},beforeDestroy:function(){this.select.onOptionDestroy(this.select.options.indexOf(this))}}},36:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("li",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-select-dropdown__item",class:{selected:e.itemSelected,"is-disabled":e.disabled||e.groupDisabled||e.limitReached,hover:e.hover},on:{mouseenter:e.hoverItem,click:function(t){t.stopPropagation(),e.selectOptionClick(t)}}},[e._t("default",[n("span",[e._v(e._s(e.currentLabel))])])],2)},staticRenderFns:[]};t.a=i}})},SfB7:function(e,t,n){e.exports=!n("+E39")&&!n("S82l")(function(){return 7!=Object.defineProperty(n("ON07")("div"),"a",{get:function(){return 7}}).a})},SvnF:function(e,t,n){"use strict";t.__esModule=!0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e};t.default=function(e){return function(e){for(var t=arguments.length,n=Array(t>1?t-1:0),s=1;s<t;s++)n[s-1]=arguments[s];return 1===n.length&&"object"===i(n[0])&&(n=n[0]),n&&n.hasOwnProperty||(n={}),e.replace(o,function(t,i,o,s){var a=void 0;return"{"===e[s-1]&&"}"===e[s+t.length]?o:null===(a=(0,r.hasOwn)(n,o)?n[o]:null)||void 0===a?"":a})}};var r=n("ylDJ"),o=/(%|)\{([0-9a-zA-Z_]+)\}/g},TNV1:function(e,t,n){"use strict";var i=n("cGG2");e.exports=function(e,t,n){return i.forEach(n,function(n){e=n(e,t)}),e}},TcQ7:function(e,t,n){var i=n("MU5D"),r=n("52gC");e.exports=function(e){return i(r(e))}},To3L:function(e,t,n){"use strict";var i=n("lktj"),r=n("1kS7"),o=n("NpIQ"),s=n("sB3e"),a=n("MU5D"),l=Object.assign;e.exports=!l||n("S82l")(function(){var e={},t={},n=Symbol(),i="abcdefghijklmnopqrst";return e[n]=7,i.split("").forEach(function(e){t[e]=e}),7!=l({},e)[n]||Object.keys(l({},t)).join("")!=i})?function(e,t){for(var n=s(e),l=arguments.length,u=1,c=r.f,d=o.f;l>u;)for(var f,h=a(arguments[u++]),p=c?i(h).concat(c(h)):i(h),m=p.length,v=0;m>v;)d.call(h,f=p[v++])&&(n[f]=h[f]);return n}:l},UuGF:function(e,t){var n=Math.ceil,i=Math.floor;e.exports=function(e){return isNaN(e=+e)?0:(e>0?i:n)(e)}},V3tA:function(e,t,n){n("R4wc"),e.exports=n("FeBl").Object.assign},"VU/8":function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},Vi3T:function(e,t,n){"use strict";t.__esModule=!0,t.default={el:{colorpicker:{confirm:"确定",clear:"清空"},datepicker:{now:"此刻",today:"今天",cancel:"取消",clear:"清空",confirm:"确定",selectDate:"选择日期",selectTime:"选择时间",startDate:"开始日期",startTime:"开始时间",endDate:"结束日期",endTime:"结束时间",prevYear:"前一年",nextYear:"后一年",prevMonth:"上个月",nextMonth:"下个月",year:"年",month1:"1 月",month2:"2 月",month3:"3 月",month4:"4 月",month5:"5 月",month6:"6 月",month7:"7 月",month8:"8 月",month9:"9 月",month10:"10 月",month11:"11 月",month12:"12 月",weeks:{sun:"日",mon:"一",tue:"二",wed:"三",thu:"四",fri:"五",sat:"六"},months:{jan:"一月",feb:"二月",mar:"三月",apr:"四月",may:"五月",jun:"六月",jul:"七月",aug:"八月",sep:"九月",oct:"十月",nov:"十一月",dec:"十二月"}},select:{loading:"加载中",noMatch:"无匹配数据",noData:"无数据",placeholder:"请选择"},cascader:{noMatch:"无匹配数据",loading:"加载中",placeholder:"请选择"},pagination:{goto:"前往",pagesize:"条/页",total:"共 {total} 条",pageClassifier:"页"},messagebox:{title:"提示",confirm:"确定",cancel:"取消",error:"输入的数据不合法!"},upload:{deleteTip:"按 delete 键可删除",delete:"删除",preview:"查看图片",continue:"继续上传"},table:{emptyText:"暂无数据",confirmFilter:"筛选",resetFilter:"重置",clearFilter:"全部",sumText:"合计"},tree:{emptyText:"暂无数据"},transfer:{noMatch:"无匹配数据",noData:"无数据",titles:["列表 1","列表 2"],filterPlaceholder:"请输入搜索内容",noCheckedFormat:"共 {total} 项",hasCheckedFormat:"已选 {checked}/{total} 项"}}}},W2nU:function(e,t){var n,i,r=e.exports={};function o(){throw new Error("setTimeout has not been defined")}function s(){throw new Error("clearTimeout has not been defined")}function a(e){if(n===setTimeout)return setTimeout(e,0);if((n===o||!n)&&setTimeout)return n=setTimeout,setTimeout(e,0);try{return n(e,0)}catch(t){try{return n.call(null,e,0)}catch(t){return n.call(this,e,0)}}}!function(){try{n="function"==typeof setTimeout?setTimeout:o}catch(e){n=o}try{i="function"==typeof clearTimeout?clearTimeout:s}catch(e){i=s}}();var l,u=[],c=!1,d=-1;function f(){c&&l&&(c=!1,l.length?u=l.concat(u):d=-1,u.length&&h())}function h(){if(!c){var e=a(f);c=!0;for(var t=u.length;t;){for(l=u,u=[];++d<t;)l&&l[d].run();d=-1,t=u.length}l=null,c=!1,function(e){if(i===clearTimeout)return clearTimeout(e);if((i===s||!i)&&clearTimeout)return i=clearTimeout,clearTimeout(e);try{i(e)}catch(t){try{return i.call(null,e)}catch(t){return i.call(this,e)}}}(e)}}function p(e,t){this.fun=e,this.array=t}function m(){}r.nextTick=function(e){var t=new Array(arguments.length-1);if(arguments.length>1)for(var n=1;n<arguments.length;n++)t[n-1]=arguments[n];u.push(new p(e,t)),1!==u.length||c||a(h)},p.prototype.run=function(){this.fun.apply(null,this.array)},r.title="browser",r.browser=!0,r.env={},r.argv=[],r.version="",r.versions={},r.on=m,r.addListener=m,r.once=m,r.off=m,r.removeListener=m,r.removeAllListeners=m,r.emit=m,r.prependListener=m,r.prependOnceListener=m,r.listeners=function(e){return[]},r.binding=function(e){throw new Error("process.binding is not supported")},r.cwd=function(){return"/"},r.chdir=function(e){throw new Error("process.chdir is not supported")},r.umask=function(){return 0}},X8DO:function(e,t){e.exports=function(e,t){return{enumerable:!(1&e),configurable:!(2&e),writable:!(4&e),value:t}}},Xc4G:function(e,t,n){var i=n("lktj"),r=n("1kS7"),o=n("NpIQ");e.exports=function(e){var t=i(e),n=r.f;if(n)for(var s,a=n(e),l=o.f,u=0;a.length>u;)l.call(e,s=a[u++])&&t.push(s);return t}},XmWM:function(e,t,n){"use strict";var i=n("KCLY"),r=n("cGG2"),o=n("fuGk"),s=n("xLtR");function a(e){this.defaults=e,this.interceptors={request:new o,response:new o}}a.prototype.request=function(e){"string"==typeof e&&(e=r.merge({url:arguments[0]},arguments[1])),(e=r.merge(i,{method:"get"},this.defaults,e)).method=e.method.toLowerCase();var t=[s,void 0],n=Promise.resolve(e);for(this.interceptors.request.forEach(function(e){t.unshift(e.fulfilled,e.rejected)}),this.interceptors.response.forEach(function(e){t.push(e.fulfilled,e.rejected)});t.length;)n=n.then(t.shift(),t.shift());return n},r.forEach(["delete","get","head","options"],function(e){a.prototype[e]=function(t,n){return this.request(r.merge(n||{},{method:e,url:t}))}}),r.forEach(["post","put","patch"],function(e){a.prototype[e]=function(t,n,i){return this.request(r.merge(i||{},{method:e,url:t,data:n}))}}),e.exports=a},Y5mS:function(e,t,n){"use strict";var i,r=n("lFkc");r.canUseDOM&&(i=document.implementation&&document.implementation.hasFeature&&!0!==document.implementation.hasFeature("","")) /** * Checks if an event is supported in the current execution environment. * * NOTE: This will not work correctly for non-generic events such as `change`, * `reset`, `load`, `error`, and `select`. * * Borrows from Modernizr. * * @param {string} eventNameSuffix Event name, e.g. "click". * @param {?boolean} capture Check if the capture phase is supported. * @return {boolean} True if the event is supported. * @internal * @license Modernizr 3.0.0pre (Custom Build) | MIT */,e.exports=function(e,t){if(!r.canUseDOM||t&&!("addEventListener"in document))return!1;var n="on"+e,o=n in document;if(!o){var s=document.createElement("div");s.setAttribute(n,"return;"),o="function"==typeof s[n]}return!o&&i&&"wheel"===e&&(o=document.implementation.hasFeature("Events.wheel","3.0")),o}},YAhB:function(e,t,n){"use strict";var i=n("++K3"),r=n("Y5mS"),o=10,s=40,a=800;function l(e){var t=0,n=0,i=0,r=0;return"detail"in e&&(n=e.detail),"wheelDelta"in e&&(n=-e.wheelDelta/120),"wheelDeltaY"in e&&(n=-e.wheelDeltaY/120),"wheelDeltaX"in e&&(t=-e.wheelDeltaX/120),"axis"in e&&e.axis===e.HORIZONTAL_AXIS&&(t=n,n=0),i=t*o,r=n*o,"deltaY"in e&&(r=e.deltaY),"deltaX"in e&&(i=e.deltaX),(i||r)&&e.deltaMode&&(1==e.deltaMode?(i*=s,r*=s):(i*=a,r*=a)),i&&!t&&(t=i<1?-1:1),r&&!n&&(n=r<1?-1:1),{spinX:t,spinY:n,pixelX:i,pixelY:r}}l.getEventType=function(){return i.firefox()?"DOMMouseScroll":r("wheel")?"wheel":"mousewheel"},e.exports=l},"Ya/q":function(e,t,n){"use strict";var i=function(e){return function(e){return!!e&&"object"==typeof e}(e)&&!function(e){var t=Object.prototype.toString.call(e);return"[object RegExp]"===t||"[object Date]"===t||function(e){return e.$$typeof===r}(e)}(e)};var r="function"==typeof Symbol&&Symbol.for?Symbol.for("react.element"):60103;function o(e,t){var n;return t&&!0===t.clone&&i(e)?a((n=e,Array.isArray(n)?[]:{}),e,t):e}function s(e,t,n){var r=e.slice();return t.forEach(function(t,s){void 0===r[s]?r[s]=o(t,n):i(t)?r[s]=a(e[s],t,n):-1===e.indexOf(t)&&r.push(o(t,n))}),r}function a(e,t,n){var r=Array.isArray(t);return r===Array.isArray(e)?r?((n||{arrayMerge:s}).arrayMerge||s)(e,t,n):function(e,t,n){var r={};return i(e)&&Object.keys(e).forEach(function(t){r[t]=o(e[t],n)}),Object.keys(t).forEach(function(s){i(t[s])&&e[s]?r[s]=a(e[s],t[s],n):r[s]=o(t[s],n)}),r}(e,t,n):o(t,n)}a.all=function(e,t){if(!Array.isArray(e)||e.length<2)throw new Error("first argument should be an array with at least two elements");return e.reduce(function(e,n){return a(e,n,t)})};var l=a;e.exports=l},Yobk:function(e,t,n){var i=n("77Pl"),r=n("qio6"),o=n("xnc9"),s=n("ax3d")("IE_PROTO"),a=function(){},l=function(){var e,t=n("ON07")("iframe"),i=o.length;for(t.style.display="none",n("RPLV").appendChild(t),t.src="javascript:",(e=t.contentWindow.document).open(),e.write("<script>document.F=Object<\/script>"),e.close(),l=e.F;i--;)delete l.prototype[o[i]];return l()};e.exports=Object.create||function(e,t){var n;return null!==e?(a.prototype=i(e),n=new a,a.prototype=null,n[s]=e):n=l(),void 0===t?n:r(n,t)}},Zcwg:function(e,t,n){"use strict";t.__esModule=!0;var i=n("2kvA");var r=function(){function e(){!function(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}(this,e)}return e.prototype.beforeEnter=function(e){(0,i.addClass)(e,"collapse-transition"),e.dataset||(e.dataset={}),e.dataset.oldPaddingTop=e.style.paddingTop,e.dataset.oldPaddingBottom=e.style.paddingBottom,e.style.height="0",e.style.paddingTop=0,e.style.paddingBottom=0},e.prototype.enter=function(e){e.dataset.oldOverflow=e.style.overflow,0!==e.scrollHeight?(e.style.height=e.scrollHeight+"px",e.style.paddingTop=e.dataset.oldPaddingTop,e.style.paddingBottom=e.dataset.oldPaddingBottom):(e.style.height="",e.style.paddingTop=e.dataset.oldPaddingTop,e.style.paddingBottom=e.dataset.oldPaddingBottom),e.style.overflow="hidden"},e.prototype.afterEnter=function(e){(0,i.removeClass)(e,"collapse-transition"),e.style.height="",e.style.overflow=e.dataset.oldOverflow},e.prototype.beforeLeave=function(e){e.dataset||(e.dataset={}),e.dataset.oldPaddingTop=e.style.paddingTop,e.dataset.oldPaddingBottom=e.style.paddingBottom,e.dataset.oldOverflow=e.style.overflow,e.style.height=e.scrollHeight+"px",e.style.overflow="hidden"},e.prototype.leave=function(e){0!==e.scrollHeight&&((0,i.addClass)(e,"collapse-transition"),e.style.height=0,e.style.paddingTop=0,e.style.paddingBottom=0)},e.prototype.afterLeave=function(e){(0,i.removeClass)(e,"collapse-transition"),e.style.height="",e.style.overflow=e.dataset.oldOverflow,e.style.paddingTop=e.dataset.oldPaddingTop,e.style.paddingBottom=e.dataset.oldPaddingBottom},e}();t.default={name:"ElCollapseTransition",functional:!0,render:function(e,t){var n=t.children;return e("transition",{on:new r},n)}}},Zzip:function(e,t,n){e.exports={default:n("/n6Q"),__esModule:!0}},aMwW:function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=237)}({14:function(e,t){e.exports=n("ON3O")},2:function(e,t){e.exports=n("2kvA")},20:function(e,t){e.exports=n("fUqW")},237:function(e,t,n){e.exports=n(238)},238:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(239),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},239:function(e,t,n){"use strict";t.__esModule=!0;var i=u(n(7)),r=u(n(14)),o=n(2),s=n(20),a=n(3),l=u(n(4));function u(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElTooltip",mixins:[i.default],props:{openDelay:{type:Number,default:0},disabled:Boolean,manual:Boolean,effect:{type:String,default:"dark"},arrowOffset:{type:Number,default:0},popperClass:String,content:String,visibleArrow:{default:!0},transition:{type:String,default:"el-fade-in-linear"},popperOptions:{default:function(){return{boundariesPadding:10,gpuAcceleration:!1}}},enterable:{type:Boolean,default:!0},hideAfter:{type:Number,default:0}},data:function(){return{timeoutPending:null,focusing:!1}},computed:{tooltipId:function(){return"el-tooltip-"+(0,a.generateId)()}},beforeCreate:function(){var e=this;this.$isServer||(this.popperVM=new l.default({data:{node:""},render:function(e){return this.node}}).$mount(),this.debounceClose=(0,r.default)(200,function(){return e.handleClosePopper()}))},render:function(e){var t=this;if(this.popperVM&&(this.popperVM.node=e("transition",{attrs:{name:this.transition},on:{afterLeave:this.doDestroy}},[e("div",{on:{mouseleave:function(){t.setExpectedState(!1),t.debounceClose()},mouseenter:function(){t.setExpectedState(!0)}},ref:"popper",attrs:{role:"tooltip",id:this.tooltipId,"aria-hidden":this.disabled||!this.showPopper?"true":"false"},directives:[{name:"show",value:!this.disabled&&this.showPopper}],class:["el-tooltip__popper","is-"+this.effect,this.popperClass]},[this.$slots.content||this.content])])),!this.$slots.default||!this.$slots.default.length)return this.$slots.default;var n=(0,s.getFirstComponentChild)(this.$slots.default);if(!n)return n;var i=n.data=n.data||{};return i.staticClass=this.concatClass(i.staticClass,"el-tooltip"),n},mounted:function(){var e=this;this.referenceElm=this.$el,1===this.$el.nodeType&&(this.$el.setAttribute("aria-describedby",this.tooltipId),this.$el.setAttribute("tabindex",0),(0,o.on)(this.referenceElm,"mouseenter",this.show),(0,o.on)(this.referenceElm,"mouseleave",this.hide),(0,o.on)(this.referenceElm,"focus",function(){if(e.$slots.default&&e.$slots.default.length){var t=e.$slots.default[0].componentInstance;t&&t.focus?t.focus():e.handleFocus()}else e.handleFocus()}),(0,o.on)(this.referenceElm,"blur",this.handleBlur),(0,o.on)(this.referenceElm,"click",this.removeFocusing))},watch:{focusing:function(e){e?(0,o.addClass)(this.referenceElm,"focusing"):(0,o.removeClass)(this.referenceElm,"focusing")}},methods:{show:function(){this.setExpectedState(!0),this.handleShowPopper()},hide:function(){this.setExpectedState(!1),this.debounceClose()},handleFocus:function(){this.focusing=!0,this.show()},handleBlur:function(){this.focusing=!1,this.hide()},removeFocusing:function(){this.focusing=!1},concatClass:function(e,t){return e&&e.indexOf(t)>-1?e:e?t?e+" "+t:e:t||""},handleShowPopper:function(){var e=this;this.expectedState&&!this.manual&&(clearTimeout(this.timeout),this.timeout=setTimeout(function(){e.showPopper=!0},this.openDelay),this.hideAfter>0&&(this.timeoutPending=setTimeout(function(){e.showPopper=!1},this.hideAfter)))},handleClosePopper:function(){this.enterable&&this.expectedState||this.manual||(clearTimeout(this.timeout),this.timeoutPending&&clearTimeout(this.timeoutPending),this.showPopper=!1)},setExpectedState:function(e){!1===e&&clearTimeout(this.timeoutPending),this.expectedState=e}},destroyed:function(){var e=this.referenceElm;(0,o.off)(e,"mouseenter",this.show),(0,o.off)(e,"mouseleave",this.hide),(0,o.off)(e,"focus",this.handleFocus),(0,o.off)(e,"blur",this.handleBlur),(0,o.off)(e,"click",this.removeFocusing)}}},3:function(e,t){e.exports=n("ylDJ")},4:function(e,t){e.exports=n("7+uW")},7:function(e,t){e.exports=n("fKx3")}})},aW5l:function(e,t,n){"use strict";t.__esModule=!0,t.default={mounted:function(){},methods:{getMigratingConfig:function(){return{props:{},events:{}}}}}},ax3d:function(e,t,n){var i=n("e8AB")("keys"),r=n("3Eo+");e.exports=function(e){return i[e]||(i[e]=r(e))}},cGG2:function(e,t,n){"use strict";var i=n("JP+z"),r=n("Re3r"),o=Object.prototype.toString;function s(e){return"[object Array]"===o.call(e)}function a(e){return null!==e&&"object"==typeof e}function l(e){return"[object Function]"===o.call(e)}function u(e,t){if(null!==e&&void 0!==e)if("object"!=typeof e&&(e=[e]),s(e))for(var n=0,i=e.length;n<i;n++)t.call(null,e[n],n,e);else for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&t.call(null,e[r],r,e)}e.exports={isArray:s,isArrayBuffer:function(e){return"[object ArrayBuffer]"===o.call(e)},isBuffer:r,isFormData:function(e){return"undefined"!=typeof FormData&&e instanceof FormData},isArrayBufferView:function(e){return"undefined"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer.isView(e):e&&e.buffer&&e.buffer instanceof ArrayBuffer},isString:function(e){return"string"==typeof e},isNumber:function(e){return"number"==typeof e},isObject:a,isUndefined:function(e){return void 0===e},isDate:function(e){return"[object Date]"===o.call(e)},isFile:function(e){return"[object File]"===o.call(e)},isBlob:function(e){return"[object Blob]"===o.call(e)},isFunction:l,isStream:function(e){return a(e)&&l(e.pipe)},isURLSearchParams:function(e){return"undefined"!=typeof URLSearchParams&&e instanceof URLSearchParams},isStandardBrowserEnv:function(){return("undefined"==typeof navigator||"ReactNative"!==navigator.product)&&"undefined"!=typeof window&&"undefined"!=typeof document},forEach:u,merge:function e(){var t={};function n(n,i){"object"==typeof t[i]&&"object"==typeof n?t[i]=e(t[i],n):t[i]=n}for(var i=0,r=arguments.length;i<r;i++)u(arguments[i],n);return t},extend:function(e,t,n){return u(t,function(t,r){e[r]=n&&"function"==typeof t?i(t,n):t}),e},trim:function(e){return e.replace(/^\s*/,"").replace(/\s*$/,"")}}},cWxy:function(e,t,n){"use strict";var i=n("dVOP");function r(e){if("function"!=typeof e)throw new TypeError("executor must be a function.");var t;this.promise=new Promise(function(e){t=e});var n=this;e(function(e){n.reason||(n.reason=new i(e),t(n.reason))})}r.prototype.throwIfRequested=function(){if(this.reason)throw this.reason},r.source=function(){var e;return{token:new r(function(t){e=t}),cancel:e}},e.exports=r},crlp:function(e,t,n){var i=n("7KvD"),r=n("FeBl"),o=n("O4g8"),s=n("Kh4W"),a=n("evD5").f;e.exports=function(e){var t=r.Symbol||(r.Symbol=o?{}:i.Symbol||{});"_"==e.charAt(0)||e in t||a(t,e,{value:s.f(e)})}},dIwP:function(e,t,n){"use strict";e.exports=function(e){return/^([a-z][a-z\d\+\-\.]*:)?\/\//i.test(e)}},dSzd:function(e,t,n){var i=n("e8AB")("wks"),r=n("3Eo+"),o=n("7KvD").Symbol,s="function"==typeof o;(e.exports=function(e){return i[e]||(i[e]=s&&o[e]||(s?o:r)("Symbol."+e))}).store=i},dVOP:function(e,t,n){"use strict";function i(e){this.message=e}i.prototype.toString=function(){return"Cancel"+(this.message?": "+this.message:"")},i.prototype.__CANCEL__=!0,e.exports=i},e0Bm:function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=157)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},1:function(e,t){e.exports=n("fPll")},10:function(e,t){e.exports=n("ISYW")},12:function(e,t){e.exports=n("urW8")},14:function(e,t){e.exports=n("ON3O")},157:function(e,t,n){e.exports=n(158)},158:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(159),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},159:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(160),r=n.n(i),o=n(165),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},160:function(e,t,n){"use strict";t.__esModule=!0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},r=_(n(1)),o=_(n(19)),s=_(n(5)),a=_(n(6)),l=_(n(161)),u=_(n(34)),c=_(n(24)),d=_(n(17)),f=_(n(14)),h=_(n(10)),p=n(2),m=n(18),v=n(12),g=_(n(25)),y=n(3),b=_(n(164));function _(e){return e&&e.__esModule?e:{default:e}}var x={medium:36,small:32,mini:28};t.default={mixins:[r.default,s.default,(0,o.default)("reference"),b.default],name:"ElSelect",componentName:"ElSelect",inject:{elForm:{default:""},elFormItem:{default:""}},provide:function(){return{select:this}},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},iconClass:function(){return this.clearable&&!this.selectDisabled&&this.inputHovering&&!this.multiple&&void 0!==this.value&&""!==this.value?"circle-close is-show-close":this.remote&&this.filterable?"":"arrow-up"},debounce:function(){return this.remote?300:0},emptyText:function(){return this.loading?this.loadingText||this.t("el.select.loading"):(!this.remote||""!==this.query||0!==this.options.length)&&(this.filterable&&this.query&&this.options.length>0&&0===this.filteredOptionsCount?this.noMatchText||this.t("el.select.noMatch"):0===this.options.length?this.noDataText||this.t("el.select.noData"):null)},showNewOption:function(){var e=this,t=this.options.filter(function(e){return!e.created}).some(function(t){return t.currentLabel===e.query});return this.filterable&&this.allowCreate&&""!==this.query&&!t},selectSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},selectDisabled:function(){return this.disabled||(this.elForm||{}).disabled},collapseTagSize:function(){return["small","mini"].indexOf(this.selectSize)>-1?"mini":"small"}},components:{ElInput:a.default,ElSelectMenu:l.default,ElOption:u.default,ElTag:c.default,ElScrollbar:d.default},directives:{Clickoutside:h.default},props:{name:String,id:String,value:{required:!0},autoComplete:{type:String,default:"off"},size:String,disabled:Boolean,clearable:Boolean,filterable:Boolean,allowCreate:Boolean,loading:Boolean,popperClass:String,remote:Boolean,loadingText:String,noMatchText:String,noDataText:String,remoteMethod:Function,filterMethod:Function,multiple:Boolean,multipleLimit:{type:Number,default:0},placeholder:{type:String,default:function(){return(0,v.t)("el.select.placeholder")}},defaultFirstOption:Boolean,reserveKeyword:Boolean,valueKey:{type:String,default:"value"},collapseTags:Boolean,popperAppendToBody:{type:Boolean,default:!0}},data:function(){return{options:[],cachedOptions:[],createdLabel:null,createdSelected:!1,selected:this.multiple?[]:{},inputLength:20,inputWidth:0,cachedPlaceHolder:"",optionsCount:0,filteredOptionsCount:0,visible:!1,softFocus:!1,selectedLabel:"",hoverIndex:-1,query:"",previousQuery:null,inputHovering:!1,currentPlaceholder:""}},watch:{selectDisabled:function(){var e=this;this.$nextTick(function(){e.resetInputHeight()})},placeholder:function(e){this.cachedPlaceHolder=this.currentPlaceholder=e},value:function(e){this.multiple&&(this.resetInputHeight(),e.length>0||this.$refs.input&&""!==this.query?this.currentPlaceholder="":this.currentPlaceholder=this.cachedPlaceHolder,this.filterable&&!this.reserveKeyword&&(this.query="",this.handleQueryChange(this.query))),this.setSelected(),this.filterable&&!this.multiple&&(this.inputLength=20)},visible:function(e){var t=this;e?(this.handleIconShow(),this.broadcast("ElSelectDropdown","updatePopper"),this.filterable&&(this.query=this.remote?"":this.selectedLabel,this.handleQueryChange(this.query),this.multiple?this.$refs.input.focus():(this.remote||(this.broadcast("ElOption","queryChange",""),this.broadcast("ElOptionGroup","queryChange")),this.broadcast("ElInput","inputSelect")))):(this.handleIconHide(),this.broadcast("ElSelectDropdown","destroyPopper"),this.$refs.input&&this.$refs.input.blur(),this.query="",this.previousQuery=null,this.selectedLabel="",this.inputLength=20,this.resetHoverIndex(),this.$nextTick(function(){t.$refs.input&&""===t.$refs.input.value&&0===t.selected.length&&(t.currentPlaceholder=t.cachedPlaceHolder)}),this.multiple||this.selected&&(this.filterable&&this.allowCreate&&this.createdSelected&&this.createdOption?this.selectedLabel=this.createdLabel:this.selectedLabel=this.selected.currentLabel,this.filterable&&(this.query=this.selectedLabel))),this.$emit("visible-change",e)},options:function(){var e=this;if(!this.$isServer){this.$nextTick(function(){e.broadcast("ElSelectDropdown","updatePopper")}),this.multiple&&this.resetInputHeight();var t=this.$el.querySelectorAll("input");-1===[].indexOf.call(t,document.activeElement)&&this.setSelected(),this.defaultFirstOption&&(this.filterable||this.remote)&&this.filteredOptionsCount&&this.checkDefaultFirstOption()}}},methods:{handleQueryChange:function(e){var t=this;if(this.previousQuery!==e)if(null!==this.previousQuery||"function"!=typeof this.filterMethod&&"function"!=typeof this.remoteMethod){if(this.previousQuery=e,this.$nextTick(function(){t.visible&&t.broadcast("ElSelectDropdown","updatePopper")}),this.hoverIndex=-1,this.multiple&&this.filterable){var n=15*this.$refs.input.value.length+20;this.inputLength=this.collapseTags?Math.min(50,n):n,this.managePlaceholder(),this.resetInputHeight()}this.remote&&"function"==typeof this.remoteMethod?(this.hoverIndex=-1,this.remoteMethod(e)):"function"==typeof this.filterMethod?(this.filterMethod(e),this.broadcast("ElOptionGroup","queryChange")):(this.filteredOptionsCount=this.optionsCount,this.broadcast("ElOption","queryChange",e),this.broadcast("ElOptionGroup","queryChange")),this.defaultFirstOption&&(this.filterable||this.remote)&&this.filteredOptionsCount&&this.checkDefaultFirstOption()}else this.previousQuery=e},handleIconHide:function(){var e=this.$el.querySelector(".el-input__icon");e&&(0,p.removeClass)(e,"is-reverse")},handleIconShow:function(){var e=this.$el.querySelector(".el-input__icon");e&&!(0,p.hasClass)(e,"el-icon-circle-close")&&(0,p.addClass)(e,"is-reverse")},scrollToOption:function(e){var t=Array.isArray(e)&&e[0]?e[0].$el:e.$el;if(this.$refs.popper&&t){var n=this.$refs.popper.$el.querySelector(".el-select-dropdown__wrap");(0,g.default)(n,t)}this.$refs.scrollbar&&this.$refs.scrollbar.handleScroll()},handleMenuEnter:function(){var e=this;this.$nextTick(function(){return e.scrollToOption(e.selected)})},emitChange:function(e){(0,y.valueEquals)(this.value,e)||(this.$emit("change",e),this.dispatch("ElFormItem","el.form.change",e))},getOption:function(e){for(var t=void 0,n="[object object]"===Object.prototype.toString.call(e).toLowerCase(),i=this.cachedOptions.length-1;i>=0;i--){var r=this.cachedOptions[i];if(n?(0,y.getValueByPath)(r.value,this.valueKey)===(0,y.getValueByPath)(e,this.valueKey):r.value===e){t=r;break}}if(t)return t;var o={value:e,currentLabel:n?"":e};return this.multiple&&(o.hitState=!1),o},setSelected:function(){var e=this;if(!this.multiple){var t=this.getOption(this.value);return t.created?(this.createdLabel=t.currentLabel,this.createdSelected=!0):this.createdSelected=!1,this.selectedLabel=t.currentLabel,this.selected=t,void(this.filterable&&(this.query=this.selectedLabel))}var n=[];Array.isArray(this.value)&&this.value.forEach(function(t){n.push(e.getOption(t))}),this.selected=n,this.$nextTick(function(){e.resetInputHeight()})},handleFocus:function(e){this.softFocus?this.softFocus=!1:this.$emit("focus",e)},blur:function(){this.visible=!1,this.$refs.reference.blur()},handleBlur:function(e){this.$emit("blur",e)},handleIconClick:function(e){this.iconClass.indexOf("circle-close")>-1&&this.deleteSelected(e)},doDestroy:function(){this.$refs.popper&&this.$refs.popper.doDestroy()},handleClose:function(){this.visible=!1},toggleLastOptionHitState:function(e){if(Array.isArray(this.selected)){var t=this.selected[this.selected.length-1];if(t)return!0===e||!1===e?(t.hitState=e,e):(t.hitState=!t.hitState,t.hitState)}},deletePrevTag:function(e){if(e.target.value.length<=0&&!this.toggleLastOptionHitState()){var t=this.value.slice();t.pop(),this.$emit("input",t),this.emitChange(t)}},managePlaceholder:function(){""!==this.currentPlaceholder&&(this.currentPlaceholder=this.$refs.input.value?"":this.cachedPlaceHolder)},resetInputState:function(e){8!==e.keyCode&&this.toggleLastOptionHitState(!1),this.inputLength=15*this.$refs.input.value.length+20,this.resetInputHeight()},resetInputHeight:function(){var e=this;this.collapseTags&&!this.filterable||this.$nextTick(function(){if(e.$refs.reference){var t=e.$refs.reference.$el.childNodes,n=[].filter.call(t,function(e){return"INPUT"===e.tagName})[0],i=e.$refs.tags,r=x[e.selectSize]||40;n.style.height=0===e.selected.length?r+"px":Math.max(i?i.clientHeight+(i.clientHeight>r?6:0):0,r)+"px",e.visible&&!1!==e.emptyText&&e.broadcast("ElSelectDropdown","updatePopper")}})},resetHoverIndex:function(){var e=this;setTimeout(function(){e.multiple?e.selected.length>0?e.hoverIndex=Math.min.apply(null,e.selected.map(function(t){return e.options.indexOf(t)})):e.hoverIndex=-1:e.hoverIndex=e.options.indexOf(e.selected)},300)},handleOptionSelect:function(e){var t=this;if(this.multiple){var n=this.value.slice(),i=this.getValueIndex(n,e.value);i>-1?n.splice(i,1):(this.multipleLimit<=0||n.length<this.multipleLimit)&&n.push(e.value),this.$emit("input",n),this.emitChange(n),e.created&&(this.query="",this.handleQueryChange(""),this.inputLength=20),this.filterable&&this.$refs.input.focus()}else this.$emit("input",e.value),this.emitChange(e.value),this.visible=!1;this.$nextTick(function(){t.visible||(t.scrollToOption(e),t.setSoftFocus())})},setSoftFocus:function(){this.softFocus=!0,(this.$refs.input||this.$refs.reference).focus()},getValueIndex:function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[],n=arguments[1];if(!("[object object]"===Object.prototype.toString.call(n).toLowerCase()))return t.indexOf(n);var r,o,s=(r=e.valueKey,o=-1,t.some(function(e,t){return(0,y.getValueByPath)(e,r)===(0,y.getValueByPath)(n,r)&&(o=t,!0)}),{v:o});return"object"===(void 0===s?"undefined":i(s))?s.v:void 0},toggleMenu:function(){this.selectDisabled||(this.visible=!this.visible,this.visible&&(this.$refs.input||this.$refs.reference).focus())},selectOption:function(){this.visible?this.options[this.hoverIndex]&&this.handleOptionSelect(this.options[this.hoverIndex]):this.toggleMenu()},deleteSelected:function(e){e.stopPropagation(),this.$emit("input",""),this.emitChange(""),this.visible=!1,this.$emit("clear")},deleteTag:function(e,t){var n=this.selected.indexOf(t);if(n>-1&&!this.selectDisabled){var i=this.value.slice();i.splice(n,1),this.$emit("input",i),this.emitChange(i),this.$emit("remove-tag",t.value)}e.stopPropagation()},onInputChange:function(){this.filterable&&this.query!==this.selectedLabel&&(this.query=this.selectedLabel,this.handleQueryChange(this.query))},onOptionDestroy:function(e){e>-1&&(this.optionsCount--,this.filteredOptionsCount--,this.options.splice(e,1))},resetInputWidth:function(){this.inputWidth=this.$refs.reference.$el.getBoundingClientRect().width},handleResize:function(){this.resetInputWidth(),this.multiple&&this.resetInputHeight()},checkDefaultFirstOption:function(){this.hoverIndex=-1;for(var e=!1,t=this.options.length-1;t>=0;t--)if(this.options[t].created){e=!0,this.hoverIndex=t;break}if(!e)for(var n=0;n!==this.options.length;++n){var i=this.options[n];if(this.query){if(!i.disabled&&!i.groupDisabled&&i.visible){this.hoverIndex=n;break}}else if(i.itemSelected){this.hoverIndex=n;break}}},getValueKey:function(e){return"[object object]"!==Object.prototype.toString.call(e.value).toLowerCase()?e.value:(0,y.getValueByPath)(e.value,this.valueKey)}},created:function(){var e=this;this.cachedPlaceHolder=this.currentPlaceholder=this.placeholder,this.multiple&&!Array.isArray(this.value)&&this.$emit("input",[]),!this.multiple&&Array.isArray(this.value)&&this.$emit("input",""),this.debouncedOnInputChange=(0,f.default)(this.debounce,function(){e.onInputChange()}),this.$on("handleOptionClick",this.handleOptionSelect),this.$on("setSelected",this.setSelected),this.$on("fieldReset",function(){e.dispatch("ElFormItem","el.form.change")})},mounted:function(){var e=this;this.multiple&&Array.isArray(this.value)&&this.value.length>0&&(this.currentPlaceholder=""),(0,m.addResizeListener)(this.$el,this.handleResize),this.remote&&this.multiple&&this.resetInputHeight(),this.$nextTick(function(){e.$refs.reference&&e.$refs.reference.$el&&(e.inputWidth=e.$refs.reference.$el.getBoundingClientRect().width)}),this.setSelected()},beforeDestroy:function(){this.$el&&this.handleResize&&(0,m.removeResizeListener)(this.$el,this.handleResize)}}},161:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(162),r=n.n(i),o=n(163),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},162:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(7),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElSelectDropdown",componentName:"ElSelectDropdown",mixins:[o.default],props:{placement:{default:"bottom-start"},boundariesPadding:{default:0},popperOptions:{default:function(){return{gpuAcceleration:!1}}},visibleArrow:{default:!0},appendToBody:{type:Boolean,default:!0}},data:function(){return{minWidth:""}},computed:{popperClass:function(){return this.$parent.popperClass}},watch:{"$parent.inputWidth":function(){this.minWidth=this.$parent.$el.getBoundingClientRect().width+"px"}},mounted:function(){var e=this;this.referenceElm=this.$parent.$refs.reference.$el,this.$parent.popperElm=this.popperElm=this.$el,this.$on("updatePopper",function(){e.$parent.visible&&e.updatePopper()}),this.$on("destroyPopper",this.destroyPopper)}}},163:function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-select-dropdown el-popper",class:[{"is-multiple":this.$parent.multiple},this.popperClass],style:{minWidth:this.minWidth}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},164:function(e,t,n){"use strict";t.__esModule=!0,t.default={data:function(){return{hoverOption:-1}},computed:{optionsAllDisabled:function(){return this.options.length===this.options.filter(function(e){return!0===e.disabled}).length}},watch:{hoverIndex:function(e){var t=this;"number"==typeof e&&e>-1&&(this.hoverOption=this.options[e]||{}),this.options.forEach(function(e){e.hover=t.hoverOption===e})}},methods:{navigateOptions:function(e){var t=this;if(this.visible){if(0!==this.options.length&&0!==this.filteredOptionsCount){if(!this.optionsAllDisabled){"next"===e?(this.hoverIndex++,this.hoverIndex===this.options.length&&(this.hoverIndex=0)):"prev"===e&&(this.hoverIndex--,this.hoverIndex<0&&(this.hoverIndex=this.options.length-1));var n=this.options[this.hoverIndex];!0!==n.disabled&&!0!==n.groupDisabled&&n.visible||this.navigateOptions(e)}this.$nextTick(function(){return t.scrollToOption(t.hoverOption)})}}else this.visible=!0}}}},165:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.handleClose,expression:"handleClose"}],staticClass:"el-select",class:[e.selectSize?"el-select--"+e.selectSize:""],on:{click:function(t){t.stopPropagation(),e.toggleMenu(t)}}},[e.multiple?n("div",{ref:"tags",staticClass:"el-select__tags",style:{"max-width":e.inputWidth-32+"px"}},[e.collapseTags&&e.selected.length?n("span",[n("el-tag",{attrs:{closable:!e.selectDisabled,size:e.collapseTagSize,hit:e.selected[0].hitState,type:"info","disable-transitions":""},on:{close:function(t){e.deleteTag(t,e.selected[0])}}},[n("span",{staticClass:"el-select__tags-text"},[e._v(e._s(e.selected[0].currentLabel))])]),e.selected.length>1?n("el-tag",{attrs:{closable:!1,size:e.collapseTagSize,type:"info","disable-transitions":""}},[n("span",{staticClass:"el-select__tags-text"},[e._v("+ "+e._s(e.selected.length-1))])]):e._e()],1):e._e(),e.collapseTags?e._e():n("transition-group",{on:{"after-leave":e.resetInputHeight}},e._l(e.selected,function(t){return n("el-tag",{key:e.getValueKey(t),attrs:{closable:!e.selectDisabled,size:e.collapseTagSize,hit:t.hitState,type:"info","disable-transitions":""},on:{close:function(n){e.deleteTag(n,t)}}},[n("span",{staticClass:"el-select__tags-text"},[e._v(e._s(t.currentLabel))])])})),e.filterable?n("input",{directives:[{name:"model",rawName:"v-model",value:e.query,expression:"query"}],ref:"input",staticClass:"el-select__input",class:[e.selectSize?"is-"+e.selectSize:""],style:{width:e.inputLength+"px","max-width":e.inputWidth-42+"px"},attrs:{type:"text",disabled:e.selectDisabled,autocomplete:e.autoComplete,debounce:e.remote?300:0},domProps:{value:e.query},on:{focus:e.handleFocus,click:function(e){e.stopPropagation()},keyup:e.managePlaceholder,keydown:[e.resetInputState,function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.preventDefault(),e.navigateOptions("next")},function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.preventDefault(),e.navigateOptions("prev")},function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;t.preventDefault(),e.selectOption(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"esc",27,t.key))return null;t.stopPropagation(),t.preventDefault(),e.visible=!1},function(t){if(!("button"in t)&&e._k(t.keyCode,"delete",[8,46],t.key))return null;e.deletePrevTag(t)}],input:[function(t){t.target.composing||(e.query=t.target.value)},function(t){return e.handleQueryChange(t.target.value)}]}}):e._e()],1):e._e(),n("el-input",{ref:"reference",class:{"is-focus":e.visible},attrs:{type:"text",placeholder:e.currentPlaceholder,name:e.name,id:e.id,"auto-complete":e.autoComplete,size:e.selectSize,disabled:e.selectDisabled,readonly:!e.filterable||e.multiple||!e.visible,"validate-event":!1},on:{focus:e.handleFocus,blur:e.handleBlur},nativeOn:{keyup:function(t){e.debouncedOnInputChange(t)},keydown:[function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.stopPropagation(),t.preventDefault(),e.navigateOptions("next")},function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.stopPropagation(),t.preventDefault(),e.navigateOptions("prev")},function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;t.preventDefault(),e.selectOption(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"esc",27,t.key))return null;t.stopPropagation(),t.preventDefault(),e.visible=!1},function(t){if(!("button"in t)&&e._k(t.keyCode,"tab",9,t.key))return null;e.visible=!1}],paste:function(t){e.debouncedOnInputChange(t)},mouseenter:function(t){e.inputHovering=!0},mouseleave:function(t){e.inputHovering=!1}},model:{value:e.selectedLabel,callback:function(t){e.selectedLabel=t},expression:"selectedLabel"}},[n("i",{class:["el-select__caret","el-input__icon","el-icon-"+e.iconClass],attrs:{slot:"suffix"},on:{click:e.handleIconClick},slot:"suffix"})]),n("transition",{attrs:{name:"el-zoom-in-top"},on:{"before-enter":e.handleMenuEnter,"after-leave":e.doDestroy}},[n("el-select-menu",{directives:[{name:"show",rawName:"v-show",value:e.visible&&!1!==e.emptyText,expression:"visible && emptyText !== false"}],ref:"popper",attrs:{"append-to-body":e.popperAppendToBody}},[n("el-scrollbar",{directives:[{name:"show",rawName:"v-show",value:e.options.length>0&&!e.loading,expression:"options.length > 0 && !loading"}],ref:"scrollbar",class:{"is-empty":!e.allowCreate&&e.query&&0===e.filteredOptionsCount},attrs:{tag:"ul","wrap-class":"el-select-dropdown__wrap","view-class":"el-select-dropdown__list"}},[e.showNewOption?n("el-option",{attrs:{value:e.query,created:""}}):e._e(),e._t("default")],2),e.emptyText&&(!e.allowCreate||e.loading||e.allowCreate&&0===e.options.length)?n("p",{staticClass:"el-select-dropdown__empty"},[e._v("\n "+e._s(e.emptyText)+"\n ")]):e._e()],1)],1)],1)},staticRenderFns:[]};t.a=i},17:function(e,t){e.exports=n("fEB+")},18:function(e,t){e.exports=n("02w1")},19:function(e,t){e.exports=n("1oZe")},2:function(e,t){e.exports=n("2kvA")},24:function(e,t){e.exports=n("orbS")},25:function(e,t){e.exports=n("zTCi")},3:function(e,t){e.exports=n("ylDJ")},34:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(35),r=n.n(i),o=n(36),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},35:function(e,t,n){"use strict";t.__esModule=!0;var i,r="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},o=n(1),s=(i=o)&&i.__esModule?i:{default:i},a=n(3);t.default={mixins:[s.default],name:"ElOption",componentName:"ElOption",inject:["select"],props:{value:{required:!0},label:[String,Number],created:Boolean,disabled:{type:Boolean,default:!1}},data:function(){return{index:-1,groupDisabled:!1,visible:!0,hitState:!1,hover:!1}},computed:{isObject:function(){return"[object object]"===Object.prototype.toString.call(this.value).toLowerCase()},currentLabel:function(){return this.label||(this.isObject?"":this.value)},currentValue:function(){return this.value||this.label||""},itemSelected:function(){return this.select.multiple?this.contains(this.select.value,this.value):this.isEqual(this.value,this.select.value)},limitReached:function(){return!!this.select.multiple&&(!this.itemSelected&&(this.select.value||[]).length>=this.select.multipleLimit&&this.select.multipleLimit>0)}},watch:{currentLabel:function(){this.created||this.select.remote||this.dispatch("ElSelect","setSelected")},value:function(){this.created||this.select.remote||this.dispatch("ElSelect","setSelected")}},methods:{isEqual:function(e,t){if(this.isObject){var n=this.select.valueKey;return(0,a.getValueByPath)(e,n)===(0,a.getValueByPath)(t,n)}return e===t},contains:function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[],n=arguments[1];if(!this.isObject)return t.indexOf(n)>-1;var i,o=(i=e.select.valueKey,{v:t.some(function(e){return(0,a.getValueByPath)(e,i)===(0,a.getValueByPath)(n,i)})});return"object"===(void 0===o?"undefined":r(o))?o.v:void 0},handleGroupDisabled:function(e){this.groupDisabled=e},hoverItem:function(){this.disabled||this.groupDisabled||(this.select.hoverIndex=this.select.options.indexOf(this))},selectOptionClick:function(){!0!==this.disabled&&!0!==this.groupDisabled&&this.dispatch("ElSelect","handleOptionClick",this)},queryChange:function(e){var t=String(e).replace(/(\^|\(|\)|\[|\]|\$|\*|\+|\.|\?|\\|\{|\}|\|)/g,"\\$1");this.visible=new RegExp(t,"i").test(this.currentLabel)||this.created,this.visible||this.select.filteredOptionsCount--}},created:function(){this.select.options.push(this),this.select.cachedOptions.push(this),this.select.optionsCount++,this.select.filteredOptionsCount++,this.$on("queryChange",this.queryChange),this.$on("handleGroupDisabled",this.handleGroupDisabled)},beforeDestroy:function(){this.select.onOptionDestroy(this.select.options.indexOf(this))}}},36:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("li",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-select-dropdown__item",class:{selected:e.itemSelected,"is-disabled":e.disabled||e.groupDisabled||e.limitReached,hover:e.hover},on:{mouseenter:e.hoverItem,click:function(t){t.stopPropagation(),e.selectOptionClick(t)}}},[e._t("default",[n("span",[e._v(e._s(e.currentLabel))])])],2)},staticRenderFns:[]};t.a=i},5:function(e,t){e.exports=n("y+7x")},6:function(e,t){e.exports=n("HJMx")},7:function(e,t){e.exports=n("fKx3")}})},e6n0:function(e,t,n){var i=n("evD5").f,r=n("D2L2"),o=n("dSzd")("toStringTag");e.exports=function(e,t,n){e&&!r(e=n?e:e.prototype,o)&&i(e,o,{configurable:!0,value:t})}},e8AB:function(e,t,n){var i=n("7KvD"),r=i["__core-js_shared__"]||(i["__core-js_shared__"]={});e.exports=function(e){return r[e]||(r[e]={})}},eNfa:function(e,t,n){"use strict";var i;!function(r){var o={},s=/d{1,4}|M{1,4}|yy(?:yy)?|S{1,3}|Do|ZZ|([HhMsDm])\1?|[aA]|"[^"]*"|'[^']*'/g,a=/\d\d?/,l=/[0-9]*['a-z\u00A0-\u05FF\u0700-\uD7FF\uF900-\uFDCF\uFDF0-\uFFEF]+|[\u0600-\u06FF\/]+(\s*?[\u0600-\u06FF]+){1,2}/i,u=function(){};function c(e,t){for(var n=[],i=0,r=e.length;i<r;i++)n.push(e[i].substr(0,t));return n}function d(e){return function(t,n,i){var r=i[e].indexOf(n.charAt(0).toUpperCase()+n.substr(1).toLowerCase());~r&&(t.month=r)}}function f(e,t){for(e=String(e),t=t||2;e.length<t;)e="0"+e;return e}var h=["Sunday","Monday","Tuesday","Wednesday","Thursday","Friday","Saturday"],p=["January","February","March","April","May","June","July","August","September","October","November","December"],m=c(p,3),v=c(h,3);o.i18n={dayNamesShort:v,dayNames:h,monthNamesShort:m,monthNames:p,amPm:["am","pm"],DoFn:function(e){return e+["th","st","nd","rd"][e%10>3?0:(e-e%10!=10)*e%10]}};var g={D:function(e){return e.getDay()},DD:function(e){return f(e.getDay())},Do:function(e,t){return t.DoFn(e.getDate())},d:function(e){return e.getDate()},dd:function(e){return f(e.getDate())},ddd:function(e,t){return t.dayNamesShort[e.getDay()]},dddd:function(e,t){return t.dayNames[e.getDay()]},M:function(e){return e.getMonth()+1},MM:function(e){return f(e.getMonth()+1)},MMM:function(e,t){return t.monthNamesShort[e.getMonth()]},MMMM:function(e,t){return t.monthNames[e.getMonth()]},yy:function(e){return String(e.getFullYear()).substr(2)},yyyy:function(e){return e.getFullYear()},h:function(e){return e.getHours()%12||12},hh:function(e){return f(e.getHours()%12||12)},H:function(e){return e.getHours()},HH:function(e){return f(e.getHours())},m:function(e){return e.getMinutes()},mm:function(e){return f(e.getMinutes())},s:function(e){return e.getSeconds()},ss:function(e){return f(e.getSeconds())},S:function(e){return Math.round(e.getMilliseconds()/100)},SS:function(e){return f(Math.round(e.getMilliseconds()/10),2)},SSS:function(e){return f(e.getMilliseconds(),3)},a:function(e,t){return e.getHours()<12?t.amPm[0]:t.amPm[1]},A:function(e,t){return e.getHours()<12?t.amPm[0].toUpperCase():t.amPm[1].toUpperCase()},ZZ:function(e){var t=e.getTimezoneOffset();return(t>0?"-":"+")+f(100*Math.floor(Math.abs(t)/60)+Math.abs(t)%60,4)}},y={d:[a,function(e,t){e.day=t}],M:[a,function(e,t){e.month=t-1}],yy:[a,function(e,t){var n=+(""+(new Date).getFullYear()).substr(0,2);e.year=""+(t>68?n-1:n)+t}],h:[a,function(e,t){e.hour=t}],m:[a,function(e,t){e.minute=t}],s:[a,function(e,t){e.second=t}],yyyy:[/\d{4}/,function(e,t){e.year=t}],S:[/\d/,function(e,t){e.millisecond=100*t}],SS:[/\d{2}/,function(e,t){e.millisecond=10*t}],SSS:[/\d{3}/,function(e,t){e.millisecond=t}],D:[a,u],ddd:[l,u],MMM:[l,d("monthNamesShort")],MMMM:[l,d("monthNames")],a:[l,function(e,t,n){var i=t.toLowerCase();i===n.amPm[0]?e.isPm=!1:i===n.amPm[1]&&(e.isPm=!0)}],ZZ:[/[\+\-]\d\d:?\d\d/,function(e,t){var n,i=(t+"").match(/([\+\-]|\d\d)/gi);i&&(n=60*i[1]+parseInt(i[2],10),e.timezoneOffset="+"===i[0]?n:-n)}]};y.DD=y.D,y.dddd=y.ddd,y.Do=y.dd=y.d,y.mm=y.m,y.hh=y.H=y.HH=y.h,y.MM=y.M,y.ss=y.s,y.A=y.a,o.masks={default:"ddd MMM dd yyyy HH:mm:ss",shortDate:"M/D/yy",mediumDate:"MMM d, yyyy",longDate:"MMMM d, yyyy",fullDate:"dddd, MMMM d, yyyy",shortTime:"HH:mm",mediumTime:"HH:mm:ss",longTime:"HH:mm:ss.SSS"},o.format=function(e,t,n){var i=n||o.i18n;if("number"==typeof e&&(e=new Date(e)),"[object Date]"!==Object.prototype.toString.call(e)||isNaN(e.getTime()))throw new Error("Invalid Date in fecha.format");return(t=o.masks[t]||t||o.masks.default).replace(s,function(t){return t in g?g[t](e,i):t.slice(1,t.length-1)})},o.parse=function(e,t,n){var i=n||o.i18n;if("string"!=typeof t)throw new Error("Invalid format in fecha.parse");if(t=o.masks[t]||t,e.length>1e3)return!1;var r=!0,a={};if(t.replace(s,function(t){if(y[t]){var n=y[t],o=e.search(n[0]);~o?e.replace(n[0],function(t){return n[1](a,t,i),e=e.substr(o+t.length),t}):r=!1}return y[t]?"":t.slice(1,t.length-1)}),!r)return!1;var l,u=new Date;return!0===a.isPm&&null!=a.hour&&12!=+a.hour?a.hour=+a.hour+12:!1===a.isPm&&12==+a.hour&&(a.hour=0),null!=a.timezoneOffset?(a.minute=+(a.minute||0)-+a.timezoneOffset,l=new Date(Date.UTC(a.year||u.getFullYear(),a.month||0,a.day||1,a.hour||0,a.minute||0,a.second||0,a.millisecond||0))):l=new Date(a.year||u.getFullYear(),a.month||0,a.day||1,a.hour||0,a.minute||0,a.second||0,a.millisecond||0),l},void 0!==e&&e.exports?e.exports=o:void 0===(i=function(){return o}.call(t,n,t,e))||(e.exports=i)}()},evD5:function(e,t,n){var i=n("77Pl"),r=n("SfB7"),o=n("MmMw"),s=Object.defineProperty;t.f=n("+E39")?Object.defineProperty:function(e,t,n){if(i(e),t=o(t,!0),i(n),r)try{return s(e,t,n)}catch(e){}if("get"in n||"set"in n)throw TypeError("Accessors not supported!");return"value"in n&&(e[t]=n.value),e}},"fEB+":function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=395)}({18:function(e,t){e.exports=n("02w1")},2:function(e,t){e.exports=n("2kvA")},3:function(e,t){e.exports=n("ylDJ")},37:function(e,t){e.exports=n("6Twh")},395:function(e,t,n){e.exports=n(396)},396:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(397),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},397:function(e,t,n){"use strict";t.__esModule=!0;var i=n(18),r=a(n(37)),o=n(3),s=a(n(398));function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElScrollbar",components:{Bar:s.default},props:{native:Boolean,wrapStyle:{},wrapClass:{},viewClass:{},viewStyle:{},noresize:Boolean,tag:{type:String,default:"div"}},data:function(){return{sizeWidth:"0",sizeHeight:"0",moveX:0,moveY:0}},computed:{wrap:function(){return this.$refs.wrap}},render:function(e){var t=(0,r.default)(),n=this.wrapStyle;if(t){var i="-"+t+"px",a="margin-bottom: "+i+"; margin-right: "+i+";";Array.isArray(this.wrapStyle)?(n=(0,o.toObject)(this.wrapStyle)).marginRight=n.marginBottom=i:"string"==typeof this.wrapStyle?n+=a:n=a}var l=e(this.tag,{class:["el-scrollbar__view",this.viewClass],style:this.viewStyle,ref:"resize"},this.$slots.default),u=e("div",{ref:"wrap",style:n,on:{scroll:this.handleScroll},class:[this.wrapClass,"el-scrollbar__wrap",t?"":"el-scrollbar__wrap--hidden-default"]},[[l]]);return e("div",{class:"el-scrollbar"},this.native?[e("div",{ref:"wrap",class:[this.wrapClass,"el-scrollbar__wrap"],style:n},[[l]])]:[u,e(s.default,{attrs:{move:this.moveX,size:this.sizeWidth}},[]),e(s.default,{attrs:{vertical:!0,move:this.moveY,size:this.sizeHeight}},[])])},methods:{handleScroll:function(){var e=this.wrap;this.moveY=100*e.scrollTop/e.clientHeight,this.moveX=100*e.scrollLeft/e.clientWidth},update:function(){var e,t,n=this.wrap;n&&(e=100*n.clientHeight/n.scrollHeight,t=100*n.clientWidth/n.scrollWidth,this.sizeHeight=e<100?e+"%":"",this.sizeWidth=t<100?t+"%":"")}},mounted:function(){this.native||(this.$nextTick(this.update),!this.noresize&&(0,i.addResizeListener)(this.$refs.resize,this.update))},beforeDestroy:function(){this.native||!this.noresize&&(0,i.removeResizeListener)(this.$refs.resize,this.update)}}},398:function(e,t,n){"use strict";t.__esModule=!0;var i=n(2),r=n(399);t.default={name:"Bar",props:{vertical:Boolean,size:String,move:Number},computed:{bar:function(){return r.BAR_MAP[this.vertical?"vertical":"horizontal"]},wrap:function(){return this.$parent.wrap}},render:function(e){var t=this.size,n=this.move,i=this.bar;return e("div",{class:["el-scrollbar__bar","is-"+i.key],on:{mousedown:this.clickTrackHandler}},[e("div",{ref:"thumb",class:"el-scrollbar__thumb",on:{mousedown:this.clickThumbHandler},style:(0,r.renderThumbStyle)({size:t,move:n,bar:i})},[])])},methods:{clickThumbHandler:function(e){this.startDrag(e),this[this.bar.axis]=e.currentTarget[this.bar.offset]-(e[this.bar.client]-e.currentTarget.getBoundingClientRect()[this.bar.direction])},clickTrackHandler:function(e){var t=100*(Math.abs(e.target.getBoundingClientRect()[this.bar.direction]-e[this.bar.client])-this.$refs.thumb[this.bar.offset]/2)/this.$el[this.bar.offset];this.wrap[this.bar.scroll]=t*this.wrap[this.bar.scrollSize]/100},startDrag:function(e){e.stopImmediatePropagation(),this.cursorDown=!0,(0,i.on)(document,"mousemove",this.mouseMoveDocumentHandler),(0,i.on)(document,"mouseup",this.mouseUpDocumentHandler),document.onselectstart=function(){return!1}},mouseMoveDocumentHandler:function(e){if(!1!==this.cursorDown){var t=this[this.bar.axis];if(t){var n=100*(-1*(this.$el.getBoundingClientRect()[this.bar.direction]-e[this.bar.client])-(this.$refs.thumb[this.bar.offset]-t))/this.$el[this.bar.offset];this.wrap[this.bar.scroll]=n*this.wrap[this.bar.scrollSize]/100}}},mouseUpDocumentHandler:function(e){this.cursorDown=!1,this[this.bar.axis]=0,(0,i.off)(document,"mousemove",this.mouseMoveDocumentHandler),document.onselectstart=null}},destroyed:function(){(0,i.off)(document,"mouseup",this.mouseUpDocumentHandler)}}},399:function(e,t,n){"use strict";t.__esModule=!0,t.renderThumbStyle=function(e){var t=e.move,n=e.size,i=e.bar,r={},o="translate"+i.axis+"("+t+"%)";return r[i.size]=n,r.transform=o,r.msTransform=o,r.webkitTransform=o,r};t.BAR_MAP={vertical:{offset:"offsetHeight",scroll:"scrollTop",scrollSize:"scrollHeight",size:"height",key:"vertical",axis:"Y",client:"clientY",direction:"top"},horizontal:{offset:"offsetWidth",scroll:"scrollLeft",scrollSize:"scrollWidth",size:"width",key:"horizontal",axis:"X",client:"clientX",direction:"left"}}}})},fKx3:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n("7+uW"),o=(i=r)&&i.__esModule?i:{default:i},s=n("7J9s");var a=o.default.prototype.$isServer?function(){}:n("NMof"),l=function(e){return e.stopPropagation()};t.default={props:{transformOrigin:{type:[Boolean,String],default:!0},placement:{type:String,default:"bottom"},boundariesPadding:{type:Number,default:5},reference:{},popper:{},offset:{default:0},value:Boolean,visibleArrow:Boolean,arrowOffset:{type:Number,default:35},transition:String,appendToBody:{type:Boolean,default:!0},popperOptions:{type:Object,default:function(){return{gpuAcceleration:!1}}}},data:function(){return{showPopper:!1,currentPlacement:""}},watch:{value:{immediate:!0,handler:function(e){this.showPopper=e,this.$emit("input",e)}},showPopper:function(e){e?this.updatePopper():this.destroyPopper(),this.$emit("input",e)}},methods:{createPopper:function(){var e=this;if(!this.$isServer&&(this.currentPlacement=this.currentPlacement||this.placement,/^(top|bottom|left|right)(-start|-end)?$/g.test(this.currentPlacement))){var t=this.popperOptions,n=this.popperElm=this.popperElm||this.popper||this.$refs.popper,i=this.referenceElm=this.referenceElm||this.reference||this.$refs.reference;!i&&this.$slots.reference&&this.$slots.reference[0]&&(i=this.referenceElm=this.$slots.reference[0].elm),n&&i&&(this.visibleArrow&&this.appendArrow(n),this.appendToBody&&document.body.appendChild(this.popperElm),this.popperJS&&this.popperJS.destroy&&this.popperJS.destroy(),t.placement=this.currentPlacement,t.offset=this.offset,t.arrowOffset=this.arrowOffset,this.popperJS=new a(i,n,t),this.popperJS.onCreate(function(t){e.$emit("created",e),e.resetTransformOrigin(),e.$nextTick(e.updatePopper)}),"function"==typeof t.onUpdate&&this.popperJS.onUpdate(t.onUpdate),this.popperJS._popper.style.zIndex=s.PopupManager.nextZIndex(),this.popperElm.addEventListener("click",l))}},updatePopper:function(){var e=this.popperJS;e?(e.update(),e._popper&&(e._popper.style.zIndex=s.PopupManager.nextZIndex())):this.createPopper()},doDestroy:function(e){!this.popperJS||this.showPopper&&!e||(this.popperJS.destroy(),this.popperJS=null)},destroyPopper:function(){this.popperJS&&this.resetTransformOrigin()},resetTransformOrigin:function(){if(this.transformOrigin){var e=this.popperJS._popper.getAttribute("x-placement").split("-")[0],t={top:"bottom",bottom:"top",left:"right",right:"left"}[e];this.popperJS._popper.style.transformOrigin="string"==typeof this.transformOrigin?this.transformOrigin:["top","bottom"].indexOf(e)>-1?"center "+t:t+" center"}},appendArrow:function(e){var t=void 0;if(!this.appended){for(var n in this.appended=!0,e.attributes)if(/^_v-/.test(e.attributes[n].name)){t=e.attributes[n].name;break}var i=document.createElement("div");t&&i.setAttribute(t,""),i.setAttribute("x-arrow",""),i.className="popper__arrow",e.appendChild(i)}}},beforeDestroy:function(){this.doDestroy(!0),this.popperElm&&this.popperElm.parentNode===document.body&&(this.popperElm.removeEventListener("click",l),document.body.removeChild(this.popperElm))},deactivated:function(){this.$options.beforeDestroy[0].call(this)}}},fPll:function(e,t,n){"use strict";t.__esModule=!0,t.default={methods:{dispatch:function(e,t,n){for(var i=this.$parent||this.$root,r=i.$options.componentName;i&&(!r||r!==e);)(i=i.$parent)&&(r=i.$options.componentName);i&&i.$emit.apply(i,[t].concat(n))},broadcast:function(e,t,n){(function e(t,n,i){this.$children.forEach(function(r){r.$options.componentName===t?r.$emit.apply(r,[n].concat(i)):e.apply(r,[t,n].concat([i]))})}).call(this,e,t,n)}}}},fUqW:function(e,t,n){"use strict";t.__esModule=!0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e};t.isVNode=function(e){return null!==e&&"object"===(void 0===e?"undefined":i(e))&&(0,r.hasOwn)(e,"componentOptions")},t.getFirstComponentChild=function(e){return e&&e.filter(function(e){return e&&e.tag})[0]};var r=n("ylDJ")},fWfb:function(e,t,n){"use strict";var i=n("7KvD"),r=n("D2L2"),o=n("+E39"),s=n("kM2E"),a=n("880/"),l=n("06OY").KEY,u=n("S82l"),c=n("e8AB"),d=n("e6n0"),f=n("3Eo+"),h=n("dSzd"),p=n("Kh4W"),m=n("crlp"),v=n("Xc4G"),g=n("7UMu"),y=n("77Pl"),b=n("EqjI"),_=n("TcQ7"),x=n("MmMw"),C=n("X8DO"),w=n("Yobk"),k=n("Rrel"),S=n("LKZe"),$=n("evD5"),M=n("lktj"),E=S.f,O=$.f,T=k.f,D=i.Symbol,P=i.JSON,N=P&&P.stringify,I=h("_hidden"),F=h("toPrimitive"),A={}.propertyIsEnumerable,L=c("symbol-registry"),R=c("symbols"),V=c("op-symbols"),B=Object.prototype,j="function"==typeof D,z=i.QObject,H=!z||!z.prototype||!z.prototype.findChild,q=o&&u(function(){return 7!=w(O({},"a",{get:function(){return O(this,"a",{value:7}).a}})).a})?function(e,t,n){var i=E(B,t);i&&delete B[t],O(e,t,n),i&&e!==B&&O(B,t,i)}:O,W=function(e){var t=R[e]=w(D.prototype);return t._k=e,t},K=j&&"symbol"==typeof D.iterator?function(e){return"symbol"==typeof e}:function(e){return e instanceof D},U=function(e,t,n){return e===B&&U(V,t,n),y(e),t=x(t,!0),y(n),r(R,t)?(n.enumerable?(r(e,I)&&e[I][t]&&(e[I][t]=!1),n=w(n,{enumerable:C(0,!1)})):(r(e,I)||O(e,I,C(1,{})),e[I][t]=!0),q(e,t,n)):O(e,t,n)},G=function(e,t){y(e);for(var n,i=v(t=_(t)),r=0,o=i.length;o>r;)U(e,n=i[r++],t[n]);return e},Y=function(e){var t=A.call(this,e=x(e,!0));return!(this===B&&r(R,e)&&!r(V,e))&&(!(t||!r(this,e)||!r(R,e)||r(this,I)&&this[I][e])||t)},X=function(e,t){if(e=_(e),t=x(t,!0),e!==B||!r(R,t)||r(V,t)){var n=E(e,t);return!n||!r(R,t)||r(e,I)&&e[I][t]||(n.enumerable=!0),n}},J=function(e){for(var t,n=T(_(e)),i=[],o=0;n.length>o;)r(R,t=n[o++])||t==I||t==l||i.push(t);return i},Q=function(e){for(var t,n=e===B,i=T(n?V:_(e)),o=[],s=0;i.length>s;)!r(R,t=i[s++])||n&&!r(B,t)||o.push(R[t]);return o};j||(a((D=function(){if(this instanceof D)throw TypeError("Symbol is not a constructor!");var e=f(arguments.length>0?arguments[0]:void 0),t=function(n){this===B&&t.call(V,n),r(this,I)&&r(this[I],e)&&(this[I][e]=!1),q(this,e,C(1,n))};return o&&H&&q(B,e,{configurable:!0,set:t}),W(e)}).prototype,"toString",function(){return this._k}),S.f=X,$.f=U,n("n0T6").f=k.f=J,n("NpIQ").f=Y,n("1kS7").f=Q,o&&!n("O4g8")&&a(B,"propertyIsEnumerable",Y,!0),p.f=function(e){return W(h(e))}),s(s.G+s.W+s.F*!j,{Symbol:D});for(var Z="hasInstance,isConcatSpreadable,iterator,match,replace,search,species,split,toPrimitive,toStringTag,unscopables".split(","),ee=0;Z.length>ee;)h(Z[ee++]);for(var te=M(h.store),ne=0;te.length>ne;)m(te[ne++]);s(s.S+s.F*!j,"Symbol",{for:function(e){return r(L,e+="")?L[e]:L[e]=D(e)},keyFor:function(e){if(!K(e))throw TypeError(e+" is not a symbol!");for(var t in L)if(L[t]===e)return t},useSetter:function(){H=!0},useSimple:function(){H=!1}}),s(s.S+s.F*!j,"Object",{create:function(e,t){return void 0===t?w(e):G(w(e),t)},defineProperty:U,defineProperties:G,getOwnPropertyDescriptor:X,getOwnPropertyNames:J,getOwnPropertySymbols:Q}),P&&s(s.S+s.F*(!j||u(function(){var e=D();return"[null]"!=N([e])||"{}"!=N({a:e})||"{}"!=N(Object(e))})),"JSON",{stringify:function(e){for(var t,n,i=[e],r=1;arguments.length>r;)i.push(arguments[r++]);if(n=t=i[1],(b(t)||void 0!==e)&&!K(e))return g(t)||(t=function(e,t){if("function"==typeof n&&(t=n.call(this,e,t)),!K(t))return t}),i[1]=t,N.apply(P,i)}}),D.prototype[F]||n("hJx8")(D.prototype,F,D.prototype.valueOf),d(D,"Symbol"),d(Math,"Math",!0),d(i.JSON,"JSON",!0)},fkB2:function(e,t,n){var i=n("UuGF"),r=Math.max,o=Math.min;e.exports=function(e,t){return(e=i(e))<0?r(e+t,0):o(e,t)}},fuGk:function(e,t,n){"use strict";var i=n("cGG2");function r(){this.handlers=[]}r.prototype.use=function(e,t){return this.handlers.push({fulfilled:e,rejected:t}),this.handlers.length-1},r.prototype.eject=function(e){this.handlers[e]&&(this.handlers[e]=null)},r.prototype.forEach=function(e){i.forEach(this.handlers,function(t){null!==t&&e(t)})},e.exports=r},h65t:function(e,t,n){var i=n("UuGF"),r=n("52gC");e.exports=function(e){return function(t,n){var o,s,a=String(r(t)),l=i(n),u=a.length;return l<0||l>=u?e?"":void 0:(o=a.charCodeAt(l))<55296||o>56319||l+1===u||(s=a.charCodeAt(l+1))<56320||s>57343?e?a.charAt(l):o:e?a.slice(l,l+2):s-56320+(o-55296<<10)+65536}}},hJx8:function(e,t,n){var i=n("evD5"),r=n("X8DO");e.exports=n("+E39")?function(e,t,n){return i.f(e,t,r(1,n))}:function(e,t,n){return e[t]=n,e}},hyEB:function(e,t,n){"use strict";t.__esModule=!0;var i=i||{};i.Utils=i.Utils||{},i.Utils.focusFirstDescendant=function(e){for(var t=0;t<e.childNodes.length;t++){var n=e.childNodes[t];if(i.Utils.attemptFocus(n)||i.Utils.focusFirstDescendant(n))return!0}return!1},i.Utils.focusLastDescendant=function(e){for(var t=e.childNodes.length-1;t>=0;t--){var n=e.childNodes[t];if(i.Utils.attemptFocus(n)||i.Utils.focusLastDescendant(n))return!0}return!1},i.Utils.attemptFocus=function(e){if(!i.Utils.isFocusable(e))return!1;i.Utils.IgnoreUtilFocusChanges=!0;try{e.focus()}catch(e){}return i.Utils.IgnoreUtilFocusChanges=!1,document.activeElement===e},i.Utils.isFocusable=function(e){if(e.tabIndex>0||0===e.tabIndex&&null!==e.getAttribute("tabIndex"))return!0;if(e.disabled)return!1;switch(e.nodeName){case"A":return!!e.href&&"ignore"!==e.rel;case"INPUT":return"hidden"!==e.type&&"file"!==e.type;case"BUTTON":case"SELECT":case"TEXTAREA":return!0;default:return!1}},i.Utils.triggerEvent=function(e,t){var n=void 0;n=/^mouse|click/.test(t)?"MouseEvents":/^key/.test(t)?"KeyboardEvent":"HTMLEvents";for(var i=document.createEvent(n),r=arguments.length,o=Array(r>2?r-2:0),s=2;s<r;s++)o[s-2]=arguments[s];return i.initEvent.apply(i,[t].concat(o)),e.dispatchEvent?e.dispatchEvent(i):e.fireEvent("on"+t,i),e},i.Utils.keys={tab:9,enter:13,space:32,left:37,up:38,right:39,down:40},t.default=i.Utils},jmaC:function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e){for(var t=1,n=arguments.length;t<n;t++){var i=arguments[t]||{};for(var r in i)if(i.hasOwnProperty(r)){var o=i[r];void 0!==o&&(e[r]=o)}}return e}},jwfv:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n("Dd8w"),r=n.n(i),o=n("pFYg"),s=n.n(o),a=/%[sdj%]/g,l=function(){};function u(){for(var e=arguments.length,t=Array(e),n=0;n<e;n++)t[n]=arguments[n];var i=1,r=t[0],o=t.length;if("function"==typeof r)return r.apply(null,t.slice(1));if("string"==typeof r){for(var s=String(r).replace(a,function(e){if("%%"===e)return"%";if(i>=o)return e;switch(e){case"%s":return String(t[i++]);case"%d":return Number(t[i++]);case"%j":try{return JSON.stringify(t[i++])}catch(e){return"[Circular]"}break;default:return e}}),l=t[i];i<o;l=t[++i])s+=" "+l;return s}return r}function c(e,t){return void 0===e||null===e||(!("array"!==t||!Array.isArray(e)||e.length)||!(!function(e){return"string"===e||"url"===e||"hex"===e||"email"===e||"pattern"===e}(t)||"string"!=typeof e||e))}function d(e,t,n){var i=0,r=e.length;!function o(s){if(s&&s.length)n(s);else{var a=i;i+=1,a<r?t(e[a],o):n([])}}([])}function f(e,t,n,i){if(t.first)return d(function(e){var t=[];return Object.keys(e).forEach(function(n){t.push.apply(t,e[n])}),t}(e),n,i);var r=t.firstFields||[];!0===r&&(r=Object.keys(e));var o=Object.keys(e),s=o.length,a=0,l=[],u=function(e){l.push.apply(l,e),++a===s&&i(l)};o.forEach(function(t){var i=e[t];-1!==r.indexOf(t)?d(i,n,u):function(e,t,n){var i=[],r=0,o=e.length;function s(e){i.push.apply(i,e),++r===o&&n(i)}e.forEach(function(e){t(e,s)})}(i,n,u)})}function h(e){return function(t){return t&&t.message?(t.field=t.field||e.fullField,t):{message:t,field:t.field||e.fullField}}}function p(e,t){if(t)for(var n in t)if(t.hasOwnProperty(n)){var i=t[n];"object"===(void 0===i?"undefined":s()(i))&&"object"===s()(e[n])?e[n]=r()({},e[n],i):e[n]=i}return e}var m=function(e,t,n,i,r,o){!e.required||n.hasOwnProperty(e.field)&&!c(t,o||e.type)||i.push(u(r.messages.required,e.fullField))};var v=function(e,t,n,i,r){(/^\s+$/.test(t)||""===t)&&i.push(u(r.messages.whitespace,e.fullField))},g={email:/^(([^<>()\[\]\\.,;:\s@"]+(\.[^<>()\[\]\\.,;:\s@"]+)*)|(".+"))@((\[[0-9]{1,3}\.[0-9]{1,3}\.[0-9]{1,3}\.[0-9]{1,3}])|(([a-zA-Z\-0-9]+\.)+[a-zA-Z]{2,}))$/,url:new RegExp("^(?!mailto:)(?:(?:http|https|ftp)://|//)(?:\\S+(?::\\S*)?@)?(?:(?:(?:[1-9]\\d?|1\\d\\d|2[01]\\d|22[0-3])(?:\\.(?:1?\\d{1,2}|2[0-4]\\d|25[0-5])){2}(?:\\.(?:[0-9]\\d?|1\\d\\d|2[0-4]\\d|25[0-4]))|(?:(?:[a-z\\u00a1-\\uffff0-9]+-?)*[a-z\\u00a1-\\uffff0-9]+)(?:\\.(?:[a-z\\u00a1-\\uffff0-9]+-?)*[a-z\\u00a1-\\uffff0-9]+)*(?:\\.(?:[a-z\\u00a1-\\uffff]{2,})))|localhost)(?::\\d{2,5})?(?:(/|\\?|#)[^\\s]*)?$","i"),hex:/^#?([a-f0-9]{6}|[a-f0-9]{3})$/i},y={integer:function(e){return y.number(e)&&parseInt(e,10)===e},float:function(e){return y.number(e)&&!y.integer(e)},array:function(e){return Array.isArray(e)},regexp:function(e){if(e instanceof RegExp)return!0;try{return!!new RegExp(e)}catch(e){return!1}},date:function(e){return"function"==typeof e.getTime&&"function"==typeof e.getMonth&&"function"==typeof e.getYear},number:function(e){return!isNaN(e)&&"number"==typeof e},object:function(e){return"object"===(void 0===e?"undefined":s()(e))&&!y.array(e)},method:function(e){return"function"==typeof e},email:function(e){return"string"==typeof e&&!!e.match(g.email)&&e.length<255},url:function(e){return"string"==typeof e&&!!e.match(g.url)},hex:function(e){return"string"==typeof e&&!!e.match(g.hex)}};var b="enum";var _={required:m,whitespace:v,type:function(e,t,n,i,r){if(e.required&&void 0===t)m(e,t,n,i,r);else{var o=e.type;["integer","float","array","regexp","object","method","email","number","date","url","hex"].indexOf(o)>-1?y[o](t)||i.push(u(r.messages.types[o],e.fullField,e.type)):o&&(void 0===t?"undefined":s()(t))!==e.type&&i.push(u(r.messages.types[o],e.fullField,e.type))}},range:function(e,t,n,i,r){var o="number"==typeof e.len,s="number"==typeof e.min,a="number"==typeof e.max,l=t,c=null,d="number"==typeof t,f="string"==typeof t,h=Array.isArray(t);if(d?c="number":f?c="string":h&&(c="array"),!c)return!1;(f||h)&&(l=t.length),o?l!==e.len&&i.push(u(r.messages[c].len,e.fullField,e.len)):s&&!a&&l<e.min?i.push(u(r.messages[c].min,e.fullField,e.min)):a&&!s&&l>e.max?i.push(u(r.messages[c].max,e.fullField,e.max)):s&&a&&(l<e.min||l>e.max)&&i.push(u(r.messages[c].range,e.fullField,e.min,e.max))},enum:function(e,t,n,i,r){e[b]=Array.isArray(e[b])?e[b]:[],-1===e[b].indexOf(t)&&i.push(u(r.messages[b],e.fullField,e[b].join(", ")))},pattern:function(e,t,n,i,r){e.pattern&&(e.pattern instanceof RegExp?(e.pattern.lastIndex=0,e.pattern.test(t)||i.push(u(r.messages.pattern.mismatch,e.fullField,t,e.pattern))):"string"==typeof e.pattern&&(new RegExp(e.pattern).test(t)||i.push(u(r.messages.pattern.mismatch,e.fullField,t,e.pattern))))}};var x="enum";var C=function(e,t,n,i,r){var o=e.type,s=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t,o)&&!e.required)return n();_.required(e,t,i,s,r,o),c(t,o)||_.type(e,t,i,s,r)}n(s)},w={string:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t,"string")&&!e.required)return n();_.required(e,t,i,o,r,"string"),c(t,"string")||(_.type(e,t,i,o,r),_.range(e,t,i,o,r),_.pattern(e,t,i,o,r),!0===e.whitespace&&_.whitespace(e,t,i,o,r))}n(o)},method:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),void 0!==t&&_.type(e,t,i,o,r)}n(o)},number:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),void 0!==t&&(_.type(e,t,i,o,r),_.range(e,t,i,o,r))}n(o)},boolean:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),void 0!==t&&_.type(e,t,i,o,r)}n(o)},regexp:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),c(t)||_.type(e,t,i,o,r)}n(o)},integer:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),void 0!==t&&(_.type(e,t,i,o,r),_.range(e,t,i,o,r))}n(o)},float:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),void 0!==t&&(_.type(e,t,i,o,r),_.range(e,t,i,o,r))}n(o)},array:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t,"array")&&!e.required)return n();_.required(e,t,i,o,r,"array"),c(t,"array")||(_.type(e,t,i,o,r),_.range(e,t,i,o,r))}n(o)},object:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),void 0!==t&&_.type(e,t,i,o,r)}n(o)},enum:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),t&&_[x](e,t,i,o,r)}n(o)},pattern:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t,"string")&&!e.required)return n();_.required(e,t,i,o,r),c(t,"string")||_.pattern(e,t,i,o,r)}n(o)},date:function(e,t,n,i,r){var o=[];if(e.required||!e.required&&i.hasOwnProperty(e.field)){if(c(t)&&!e.required)return n();_.required(e,t,i,o,r),c(t)||(_.type(e,t,i,o,r),t&&_.range(e,t.getTime(),i,o,r))}n(o)},url:C,hex:C,email:C,required:function(e,t,n,i,r){var o=[],a=Array.isArray(t)?"array":void 0===t?"undefined":s()(t);_.required(e,t,i,o,r,a),n(o)}};function k(){return{default:"Validation error on field %s",required:"%s is required",enum:"%s must be one of %s",whitespace:"%s cannot be empty",date:{format:"%s date %s is invalid for format %s",parse:"%s date could not be parsed, %s is invalid ",invalid:"%s date %s is invalid"},types:{string:"%s is not a %s",method:"%s is not a %s (function)",array:"%s is not an %s",object:"%s is not an %s",number:"%s is not a %s",date:"%s is not a %s",boolean:"%s is not a %s",integer:"%s is not an %s",float:"%s is not a %s",regexp:"%s is not a valid %s",email:"%s is not a valid %s",url:"%s is not a valid %s",hex:"%s is not a valid %s"},string:{len:"%s must be exactly %s characters",min:"%s must be at least %s characters",max:"%s cannot be longer than %s characters",range:"%s must be between %s and %s characters"},number:{len:"%s must equal %s",min:"%s cannot be less than %s",max:"%s cannot be greater than %s",range:"%s must be between %s and %s"},array:{len:"%s must be exactly %s in length",min:"%s cannot be less than %s in length",max:"%s cannot be greater than %s in length",range:"%s must be between %s and %s in length"},pattern:{mismatch:"%s value %s does not match pattern %s"},clone:function(){var e=JSON.parse(JSON.stringify(this));return e.clone=this.clone,e}}}var S=k();function $(e){this.rules=null,this._messages=S,this.define(e)}$.prototype={messages:function(e){return e&&(this._messages=p(k(),e)),this._messages},define:function(e){if(!e)throw new Error("Cannot configure a schema with no rules");if("object"!==(void 0===e?"undefined":s()(e))||Array.isArray(e))throw new Error("Rules must be an object");this.rules={};var t=void 0,n=void 0;for(t in e)e.hasOwnProperty(t)&&(n=e[t],this.rules[t]=Array.isArray(n)?n:[n])},validate:function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},i=arguments[2],o=e,a=n,c=i;if("function"==typeof a&&(c=a,a={}),this.rules&&0!==Object.keys(this.rules).length){if(a.messages){var d=this.messages();d===S&&(d=k()),p(d,a.messages),a.messages=d}else a.messages=this.messages();var m=void 0,v=void 0,g={};(a.keys||Object.keys(this.rules)).forEach(function(n){m=t.rules[n],v=o[n],m.forEach(function(i){var s=i;"function"==typeof s.transform&&(o===e&&(o=r()({},o)),v=o[n]=s.transform(v)),(s="function"==typeof s?{validator:s}:r()({},s)).validator=t.getValidationMethod(s),s.field=n,s.fullField=s.fullField||n,s.type=t.getType(s),s.validator&&(g[n]=g[n]||[],g[n].push({rule:s,value:v,source:o,field:n}))})});var y={};f(g,a,function(e,t){var n=e.rule,i=!("object"!==n.type&&"array"!==n.type||"object"!==s()(n.fields)&&"object"!==s()(n.defaultField));function o(e,t){return r()({},t,{fullField:n.fullField+"."+e})}function c(){var s=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[];if(Array.isArray(s)||(s=[s]),s.length&&l("async-validator:",s),s.length&&n.message&&(s=[].concat(n.message)),s=s.map(h(n)),a.first&&s.length)return y[n.field]=1,t(s);if(i){if(n.required&&!e.value)return s=n.message?[].concat(n.message).map(h(n)):a.error?[a.error(n,u(a.messages.required,n.field))]:[],t(s);var c={};if(n.defaultField)for(var d in e.value)e.value.hasOwnProperty(d)&&(c[d]=n.defaultField);for(var f in c=r()({},c,e.rule.fields))if(c.hasOwnProperty(f)){var p=Array.isArray(c[f])?c[f]:[c[f]];c[f]=p.map(o.bind(null,f))}var m=new $(c);m.messages(a.messages),e.rule.options&&(e.rule.options.messages=a.messages,e.rule.options.error=a.error),m.validate(e.value,e.rule.options||a,function(e){t(e&&e.length?s.concat(e):e)})}else t(s)}i=i&&(n.required||!n.required&&e.value),n.field=e.field;var d=n.validator(n,e.value,c,e.source,a);d&&d.then&&d.then(function(){return c()},function(e){return c(e)})},function(e){!function(e){var t,n=void 0,i=void 0,r=[],o={};for(n=0;n<e.length;n++)t=e[n],Array.isArray(t)?r=r.concat.apply(r,t):r.push(t);if(r.length)for(n=0;n<r.length;n++)o[i=r[n].field]=o[i]||[],o[i].push(r[n]);else r=null,o=null;c(r,o)}(e)})}else c&&c()},getType:function(e){if(void 0===e.type&&e.pattern instanceof RegExp&&(e.type="pattern"),"function"!=typeof e.validator&&e.type&&!w.hasOwnProperty(e.type))throw new Error(u("Unknown rule type %s",e.type));return e.type||"string"},getValidationMethod:function(e){if("function"==typeof e.validator)return e.validator;var t=Object.keys(e),n=t.indexOf("message");return-1!==n&&t.splice(n,1),1===t.length&&"required"===t[0]?w.required:w[this.getType(e)]||!1}},$.register=function(e,t){if("function"!=typeof t)throw new Error("Cannot register a validator by type, validator is not a function");w[e]=t},$.messages=S;t.default=$},kM2E:function(e,t,n){var i=n("7KvD"),r=n("FeBl"),o=n("+ZMJ"),s=n("hJx8"),a=function(e,t,n){var l,u,c,d=e&a.F,f=e&a.G,h=e&a.S,p=e&a.P,m=e&a.B,v=e&a.W,g=f?r:r[t]||(r[t]={}),y=g.prototype,b=f?i:h?i[t]:(i[t]||{}).prototype;for(l in f&&(n=t),n)(u=!d&&b&&void 0!==b[l])&&l in g||(c=u?b[l]:n[l],g[l]=f&&"function"!=typeof b[l]?n[l]:m&&u?o(c,i):v&&b[l]==c?function(e){var t=function(t,n,i){if(this instanceof e){switch(arguments.length){case 0:return new e;case 1:return new e(t);case 2:return new e(t,n)}return new e(t,n,i)}return e.apply(this,arguments)};return t.prototype=e.prototype,t}(c):p&&"function"==typeof c?o(Function.call,c):c,p&&((g.virtual||(g.virtual={}))[l]=c,e&a.R&&y&&!y[l]&&s(y,l,c)))};a.F=1,a.G=2,a.S=4,a.P=8,a.B=16,a.W=32,a.U=64,a.R=128,e.exports=a},lFkc:function(e,t,n){"use strict";var i=!("undefined"==typeof window||!window.document||!window.document.createElement),r={canUseDOM:i,canUseWorkers:"undefined"!=typeof Worker,canUseEventListeners:i&&!(!window.addEventListener&&!window.attachEvent),canUseViewport:i&&!!window.screen,isInWorker:!i};e.exports=r},lOnJ:function(e,t){e.exports=function(e){if("function"!=typeof e)throw TypeError(e+" is not a function!");return e}},lktj:function(e,t,n){var i=n("Ibhu"),r=n("xnc9");e.exports=Object.keys||function(e){return i(e,r)}},mtWM:function(e,t,n){e.exports=n("tIFN")},mtrD:function(e,t){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=173)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},173:function(e,t,n){e.exports=n(174)},174:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(175),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},175:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(176),r=n.n(i),o=n(177),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},176:function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElButton",inject:{elForm:{default:""},elFormItem:{default:""}},props:{type:{type:String,default:"default"},size:String,icon:{type:String,default:""},nativeType:{type:String,default:"button"},loading:Boolean,disabled:Boolean,plain:Boolean,autofocus:Boolean,round:Boolean,circle:Boolean},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},buttonSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},buttonDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},methods:{handleClick:function(e){this.$emit("click",e)}}}},177:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("button",{staticClass:"el-button",class:[e.type?"el-button--"+e.type:"",e.buttonSize?"el-button--"+e.buttonSize:"",{"is-disabled":e.buttonDisabled,"is-loading":e.loading,"is-plain":e.plain,"is-round":e.round,"is-circle":e.circle}],attrs:{disabled:e.buttonDisabled||e.loading,autofocus:e.autofocus,type:e.nativeType},on:{click:e.handleClick}},[e.loading?n("i",{staticClass:"el-icon-loading"}):e._e(),e.icon&&!e.loading?n("i",{class:e.icon}):e._e(),e.$slots.default?n("span",[e._t("default")],2):e._e()])},staticRenderFns:[]};t.a=i}})},n0T6:function(e,t,n){var i=n("Ibhu"),r=n("xnc9").concat("length","prototype");t.f=Object.getOwnPropertyNames||function(e){return i(e,r)}},nvbp:function(e,t){var n=/^(attrs|props|on|nativeOn|class|style|hook)$/;function i(e,t){return function(){e&&e.apply(this,arguments),t&&t.apply(this,arguments)}}e.exports=function(e){return e.reduce(function(e,t){var r,o,s,a,l;for(s in t)if(r=e[s],o=t[s],r&&n.test(s))if("class"===s&&("string"==typeof r&&(l=r,e[s]=r={},r[l]=!0),"string"==typeof o&&(l=o,t[s]=o={},o[l]=!0)),"on"===s||"nativeOn"===s||"hook"===s)for(a in o)r[a]=i(r[a],o[a]);else if(Array.isArray(r))e[s]=r.concat(o);else if(Array.isArray(o))e[s]=[r].concat(o);else for(a in o)r[a]=o[a];else e[s]=t[s];return e},{})}},oJlt:function(e,t,n){"use strict";var i=n("cGG2"),r=["age","authorization","content-length","content-type","etag","expires","from","host","if-modified-since","if-unmodified-since","last-modified","location","max-forwards","proxy-authorization","referer","retry-after","user-agent"];e.exports=function(e){var t,n,o,s={};return e?(i.forEach(e.split("\n"),function(e){if(o=e.indexOf(":"),t=i.trim(e.substr(0,o)).toLowerCase(),n=i.trim(e.substr(o+1)),t){if(s[t]&&r.indexOf(t)>=0)return;s[t]="set-cookie"===t?(s[t]?s[t]:[]).concat([n]):s[t]?s[t]+", "+n:n}}),s):s}},orbS:function(e,t){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=282)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},282:function(e,t,n){e.exports=n(283)},283:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(284),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},284:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(285),r=n.n(i),o=n(286),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},285:function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElTag",props:{text:String,closable:Boolean,type:String,hit:Boolean,disableTransitions:Boolean,color:String,size:String},methods:{handleClose:function(e){this.$emit("close",e)}},computed:{tagSize:function(){return this.size||(this.$ELEMENT||{}).size}}}},286:function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:e.disableTransitions?"":"el-zoom-in-center"}},[n("span",{staticClass:"el-tag",class:[e.type?"el-tag--"+e.type:"",e.tagSize&&"el-tag--"+e.tagSize,{"is-hit":e.hit}],style:{backgroundColor:e.color}},[e._t("default"),e.closable?n("i",{staticClass:"el-tag__close el-icon-close",on:{click:function(t){t.stopPropagation(),e.handleClose(t)}}}):e._e()],2)])},staticRenderFns:[]};t.a=i}})},p1b6:function(e,t,n){"use strict";var i=n("cGG2");e.exports=i.isStandardBrowserEnv()?{write:function(e,t,n,r,o,s){var a=[];a.push(e+"="+encodeURIComponent(t)),i.isNumber(n)&&a.push("expires="+new Date(n).toGMTString()),i.isString(r)&&a.push("path="+r),i.isString(o)&&a.push("domain="+o),!0===s&&a.push("secure"),document.cookie=a.join("; ")},read:function(e){var t=document.cookie.match(new RegExp("(^|;\\s*)("+e+")=([^;]*)"));return t?decodeURIComponent(t[3]):null},remove:function(e){this.write(e,"",Date.now()-864e5)}}:{write:function(){},read:function(){return null},remove:function(){}}},pBtG:function(e,t,n){"use strict";e.exports=function(e){return!(!e||!e.__CANCEL__)}},pFYg:function(e,t,n){"use strict";t.__esModule=!0;var i=s(n("Zzip")),r=s(n("5QVw")),o="function"==typeof r.default&&"symbol"==typeof i.default?function(e){return typeof e}:function(e){return e&&"function"==typeof r.default&&e.constructor===r.default&&e!==r.default.prototype?"symbol":typeof e};function s(e){return e&&e.__esModule?e:{default:e}}t.default="function"==typeof r.default&&"symbol"===o(i.default)?function(e){return void 0===e?"undefined":o(e)}:function(e){return e&&"function"==typeof r.default&&e.constructor===r.default&&e!==r.default.prototype?"symbol":void 0===e?"undefined":o(e)}},pxG4:function(e,t,n){"use strict";e.exports=function(e){return function(t){return e.apply(null,t)}}},qRfI:function(e,t,n){"use strict";e.exports=function(e,t){return t?e.replace(/\/+$/,"")+"/"+t.replace(/^\/+/,""):e}},qio6:function(e,t,n){var i=n("evD5"),r=n("77Pl"),o=n("lktj");e.exports=n("+E39")?Object.defineProperties:function(e,t){r(e);for(var n,s=o(t),a=s.length,l=0;a>l;)i.f(e,n=s[l++],t[n]);return e}},s3ue:function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=147)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},1:function(e,t){e.exports=n("fPll")},147:function(e,t,n){e.exports=n(148)},148:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(149),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},149:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(150),r=n.n(i),o=n(151),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},150:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElCheckboxGroup",componentName:"ElCheckboxGroup",mixins:[o.default],inject:{elFormItem:{default:""}},props:{value:{},disabled:Boolean,min:Number,max:Number,size:String,fill:String,textColor:String},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},checkboxGroupSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size}},watch:{value:function(e){this.dispatch("ElFormItem","el.form.change",[e])}}}},151:function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-checkbox-group",attrs:{role:"group","aria-label":"checkbox-group"}},[this._t("default")],2)},staticRenderFns:[]};t.a=i}})},sB3e:function(e,t,n){var i=n("52gC");e.exports=function(e){return Object(i(e))}},t8qj:function(e,t,n){"use strict";e.exports=function(e,t,n,i,r){return e.config=t,n&&(e.code=n),e.request=i,e.response=r,e}},tIFN:function(e,t,n){"use strict";var i=n("cGG2"),r=n("JP+z"),o=n("XmWM"),s=n("KCLY");function a(e){var t=new o(e),n=r(o.prototype.request,t);return i.extend(n,o.prototype,t),i.extend(n,t),n}var l=a(s);l.Axios=o,l.create=function(e){return a(i.merge(s,e))},l.Cancel=n("dVOP"),l.CancelToken=n("cWxy"),l.isCancel=n("pBtG"),l.all=function(e){return Promise.all(e)},l.spread=n("pxG4"),e.exports=l,e.exports.default=l},thJu:function(e,t,n){"use strict";var i="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/=";function r(){this.message="String contains an invalid character"}r.prototype=new Error,r.prototype.code=5,r.prototype.name="InvalidCharacterError",e.exports=function(e){for(var t,n,o=String(e),s="",a=0,l=i;o.charAt(0|a)||(l="=",a%1);s+=l.charAt(63&t>>8-a%1*8)){if((n=o.charCodeAt(a+=.75))>255)throw new r;t=t<<8|n}return s}},uY1a:function(e,t){e.exports=function(e,t,n,i){var r,o=0;return"boolean"!=typeof t&&(i=n,n=t,t=void 0),function(){var s=this,a=Number(new Date)-o,l=arguments;function u(){o=Number(new Date),n.apply(s,l)}i&&!r&&u(),r&&clearTimeout(r),void 0===i&&a>e?u():!0!==t&&(r=setTimeout(i?function(){r=void 0}:u,void 0===i?e-a:e))}}},urW8:function(e,t,n){"use strict";t.__esModule=!0,t.i18n=t.use=t.t=void 0;var i=s(n("Vi3T")),r=s(n("7+uW")),o=s(n("Ya/q"));function s(e){return e&&e.__esModule?e:{default:e}}var a=(0,s(n("SvnF")).default)(r.default),l=i.default,u=!1,c=function(){var e=Object.getPrototypeOf(this||r.default).$t;if("function"==typeof e&&r.default.locale)return u||(u=!0,r.default.locale(r.default.config.lang,(0,o.default)(l,r.default.locale(r.default.config.lang)||{},{clone:!0}))),e.apply(this,arguments)},d=t.t=function(e,t){var n=c.apply(this,arguments);if(null!==n&&void 0!==n)return n;for(var i=e.split("."),r=l,o=0,s=i.length;o<s;o++){if(n=r[i[o]],o===s-1)return a(n,t);if(!n)return"";r=n}return""},f=t.use=function(e){l=e||l},h=t.i18n=function(e){c=e||c};t.default={use:f,t:d,i18n:h}},"vFc/":function(e,t,n){var i=n("TcQ7"),r=n("QRG4"),o=n("fkB2");e.exports=function(e){return function(t,n,s){var a,l=i(t),u=r(l.length),c=o(s,u);if(e&&n!=n){for(;u>c;)if((a=l[c++])!=a)return!0}else for(;u>c;c++)if((e||c in l)&&l[c]===n)return e||c||0;return!e&&-1}}},"vIB/":function(e,t,n){"use strict";var i=n("O4g8"),r=n("kM2E"),o=n("880/"),s=n("hJx8"),a=n("D2L2"),l=n("/bQp"),u=n("94VQ"),c=n("e6n0"),d=n("PzxK"),f=n("dSzd")("iterator"),h=!([].keys&&"next"in[].keys()),p=function(){return this};e.exports=function(e,t,n,m,v,g,y){u(n,t,m);var b,_,x,C=function(e){if(!h&&e in $)return $[e];switch(e){case"keys":case"values":return function(){return new n(this,e)}}return function(){return new n(this,e)}},w=t+" Iterator",k="values"==v,S=!1,$=e.prototype,M=$[f]||$["@@iterator"]||v&&$[v],E=!h&&M||C(v),O=v?k?C("entries"):E:void 0,T="Array"==t&&$.entries||M;if(T&&(x=d(T.call(new e)))!==Object.prototype&&x.next&&(c(x,w,!0),i||a(x,f)||s(x,f,p)),k&&M&&"values"!==M.name&&(S=!0,E=function(){return M.call(this)}),i&&!y||!h&&!S&&$[f]||s($,f,E),l[t]=E,l[w]=p,v)if(b={values:k?E:C("values"),keys:g?E:C("keys"),entries:O},y)for(_ in b)_ in $||o($,_,b[_]);else r(r.P+r.F*(h||S),t,b);return b}},wUZ8:function(e,t,n){"use strict";t.__esModule=!0,t.default={el:{colorpicker:{confirm:"OK",clear:"Clear"},datepicker:{now:"Now",today:"Today",cancel:"Cancel",clear:"Clear",confirm:"OK",selectDate:"Select date",selectTime:"Select time",startDate:"Start Date",startTime:"Start Time",endDate:"End Date",endTime:"End Time",prevYear:"Previous Year",nextYear:"Next Year",prevMonth:"Previous Month",nextMonth:"Next Month",year:"",month1:"January",month2:"February",month3:"March",month4:"April",month5:"May",month6:"June",month7:"July",month8:"August",month9:"September",month10:"October",month11:"November",month12:"December",weeks:{sun:"Sun",mon:"Mon",tue:"Tue",wed:"Wed",thu:"Thu",fri:"Fri",sat:"Sat"},months:{jan:"Jan",feb:"Feb",mar:"Mar",apr:"Apr",may:"May",jun:"Jun",jul:"Jul",aug:"Aug",sep:"Sep",oct:"Oct",nov:"Nov",dec:"Dec"}},select:{loading:"Loading",noMatch:"No matching data",noData:"No data",placeholder:"Select"},cascader:{noMatch:"No matching data",loading:"Loading",placeholder:"Select"},pagination:{goto:"Go to",pagesize:"/page",total:"Total {total}",pageClassifier:""},messagebox:{title:"Message",confirm:"OK",cancel:"Cancel",error:"Illegal input"},upload:{deleteTip:"press delete to remove",delete:"Delete",preview:"Preview",continue:"Continue"},table:{emptyText:"No Data",confirmFilter:"Confirm",resetFilter:"Reset",clearFilter:"All",sumText:"Sum"},tree:{emptyText:"No Data"},transfer:{noMatch:"No matching data",noData:"No data",titles:["List 1","List 2"],filterPlaceholder:"Enter keyword",noCheckedFormat:"{total} items",hasCheckedFormat:"{checked}/{total} checked"}}}},woOf:function(e,t,n){e.exports={default:n("V3tA"),__esModule:!0}},xGkn:function(e,t,n){"use strict";var i=n("4mcu"),r=n("EGZi"),o=n("/bQp"),s=n("TcQ7");e.exports=n("vIB/")(Array,"Array",function(e,t){this._t=s(e),this._i=0,this._k=t},function(){var e=this._t,t=this._k,n=this._i++;return!e||n>=e.length?(this._t=void 0,r(1)):r(0,"keys"==t?n:"values"==t?e[n]:[n,e[n]])},"values"),o.Arguments=o.Array,i("keys"),i("values"),i("entries")},xLtR:function(e,t,n){"use strict";var i=n("cGG2"),r=n("TNV1"),o=n("pBtG"),s=n("KCLY"),a=n("dIwP"),l=n("qRfI");function u(e){e.cancelToken&&e.cancelToken.throwIfRequested()}e.exports=function(e){return u(e),e.baseURL&&!a(e.url)&&(e.url=l(e.baseURL,e.url)),e.headers=e.headers||{},e.data=r(e.data,e.headers,e.transformRequest),e.headers=i.merge(e.headers.common||{},e.headers[e.method]||{},e.headers||{}),i.forEach(["delete","get","head","post","put","patch","common"],function(t){delete e.headers[t]}),(e.adapter||s.adapter)(e).then(function(t){return u(e),t.data=r(t.data,t.headers,e.transformResponse),t},function(t){return o(t)||(u(e),t&&t.response&&(t.response.data=r(t.response.data,t.response.headers,e.transformResponse))),Promise.reject(t)})}},xnc9:function(e,t){e.exports="constructor,hasOwnProperty,isPrototypeOf,propertyIsEnumerable,toLocaleString,toString,valueOf".split(",")},"y+7x":function(e,t,n){"use strict";t.__esModule=!0;var i=n("urW8");t.default={methods:{t:function(){for(var e=arguments.length,t=Array(e),n=0;n<e;n++)t[n]=arguments[n];return i.t.apply(this,t)}}}},ylDJ:function(e,t,n){"use strict";t.__esModule=!0,t.noop=function(){},t.hasOwn=function(e,t){return i.call(e,t)},t.toObject=function(e){for(var t={},n=0;n<e.length;n++)e[n]&&r(t,e[n]);return t},t.getPropByPath=function(e,t,n){for(var i=e,r=(t=(t=t.replace(/\[(\w+)\]/g,".$1")).replace(/^\./,"")).split("."),o=0,s=r.length;o<s-1&&(i||n);++o){var a=r[o];if(!(a in i)){if(n)throw new Error("please transfer a valid prop path to form item!");break}i=i[a]}return{o:i,k:r[o],v:i?i[r[o]]:null}};var i=Object.prototype.hasOwnProperty;function r(e,t){for(var n in t)e[n]=t[n];return e}t.getValueByPath=function(e,t){for(var n=(t=t||"").split("."),i=e,r=null,o=0,s=n.length;o<s;o++){var a=n[o];if(!i)break;if(o===s-1){r=i[a];break}i=i[a]}return r};t.generateId=function(){return Math.floor(1e4*Math.random())},t.valueEquals=function(e,t){if(e===t)return!0;if(!(e instanceof Array))return!1;if(!(t instanceof Array))return!1;if(e.length!==t.length)return!1;for(var n=0;n!==e.length;++n)if(e[n]!==t[n])return!1;return!0}},"zAL+":function(e,t){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=178)}({0:function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},178:function(e,t,n){e.exports=n(179)},179:function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(180),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},180:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(181),r=n.n(i),o=n(182),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},181:function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElButtonGroup"}},182:function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-button-group"},[this._t("default")],2)},staticRenderFns:[]};t.a=i}})},zL8q:function(e,t,n){e.exports=function(e){var t={};function n(i){if(t[i])return t[i].exports;var r=t[i]={i:i,l:!1,exports:{}};return e[i].call(r.exports,r,r.exports,n),r.l=!0,r.exports}return n.m=e,n.c=t,n.d=function(e,t,i){n.o(e,t)||Object.defineProperty(e,t,{configurable:!1,enumerable:!0,get:i})},n.n=function(e){var t=e&&e.__esModule?function(){return e.default}:function(){return e};return n.d(t,"a",t),t},n.o=function(e,t){return Object.prototype.hasOwnProperty.call(e,t)},n.p="/dist/",n(n.s=45)}([function(e,t){e.exports=function(e,t,n,i,r,o){var s,a=e=e||{},l=typeof e.default;"object"!==l&&"function"!==l||(s=e,a=e.default);var u,c="function"==typeof a?a.options:a;if(t&&(c.render=t.render,c.staticRenderFns=t.staticRenderFns,c._compiled=!0),n&&(c.functional=!0),r&&(c._scopeId=r),o?(u=function(e){(e=e||this.$vnode&&this.$vnode.ssrContext||this.parent&&this.parent.$vnode&&this.parent.$vnode.ssrContext)||"undefined"==typeof __VUE_SSR_CONTEXT__||(e=__VUE_SSR_CONTEXT__),i&&i.call(this,e),e&&e._registeredComponents&&e._registeredComponents.add(o)},c._ssrRegister=u):i&&(u=i),u){var d=c.functional,f=d?c.render:c.beforeCreate;d?(c._injectStyles=u,c.render=function(e,t){return u.call(t),f(e,t)}):c.beforeCreate=f?[].concat(f,u):[u]}return{esModule:s,exports:a,options:c}}},function(e,t){e.exports=n("fPll")},function(e,t){e.exports=n("y+7x")},function(e,t){e.exports=n("2kvA")},function(e,t){e.exports=n("ylDJ")},function(e,t){e.exports=n("7+uW")},function(e,t){e.exports=n("HJMx")},function(e,t){e.exports=n("aW5l")},function(e,t){e.exports=n("fKx3")},function(e,t){e.exports=n("ISYW")},function(e,t){e.exports=n("jmaC")},function(e,t,n){"use strict";t.__esModule=!0,t.extractTimeFormat=t.extractDateFormat=t.nextYear=t.prevYear=t.nextMonth=t.prevMonth=t.changeYearMonthAndClampDate=t.timeWithinRange=t.limitTimeRange=t.clearMilliseconds=t.clearTime=t.modifyTime=t.modifyDate=t.range=t.getRangeHours=t.getWeekNumber=t.getStartDateOfMonth=t.nextDate=t.prevDate=t.getFirstDayOfMonth=t.getDayCountOfYear=t.getDayCountOfMonth=t.parseDate=t.formatDate=t.isDateObject=t.isDate=t.toDate=void 0;var i,r=n(174),o=(i=r)&&i.__esModule?i:{default:i},s=n(16);var a=["sun","mon","tue","wed","thu","fri","sat"],l=["jan","feb","mar","apr","may","jun","jul","aug","sep","oct","nov","dec"],u=function(){return{dayNamesShort:a.map(function(e){return(0,s.t)("el.datepicker.weeks."+e)}),dayNames:a.map(function(e){return(0,s.t)("el.datepicker.weeks."+e)}),monthNamesShort:l.map(function(e){return(0,s.t)("el.datepicker.months."+e)}),monthNames:l.map(function(e,t){return(0,s.t)("el.datepicker.month"+(t+1))}),amPm:["am","pm"]}},c=t.toDate=function(e){return d(e)?new Date(e):null},d=t.isDate=function(e){return null!==e&&void 0!==e&&!isNaN(new Date(e).getTime())},f=(t.isDateObject=function(e){return e instanceof Date},t.formatDate=function(e,t){return(e=c(e))?o.default.format(e,t||"yyyy-MM-dd",u()):""},t.parseDate=function(e,t){return o.default.parse(e,t||"yyyy-MM-dd",u())},t.getDayCountOfMonth=function(e,t){return 3===t||5===t||8===t||10===t?30:1===t?e%4==0&&e%100!=0||e%400==0?29:28:31}),h=(t.getDayCountOfYear=function(e){return e%400==0||e%100!=0&&e%4==0?366:365},t.getFirstDayOfMonth=function(e){var t=new Date(e.getTime());return t.setDate(1),t.getDay()},t.prevDate=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:1;return new Date(e.getFullYear(),e.getMonth(),e.getDate()-t)}),p=(t.nextDate=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:1;return new Date(e.getFullYear(),e.getMonth(),e.getDate()+t)},t.getStartDateOfMonth=function(e,t){var n=new Date(e,t,1),i=n.getDay();return h(n,0===i?7:i)},t.getWeekNumber=function(e){var t=new Date(e.getTime());t.setHours(0,0,0,0),t.setDate(t.getDate()+3-(t.getDay()+6)%7);var n=new Date(t.getFullYear(),0,4);return 1+Math.round(((t.getTime()-n.getTime())/864e5-3+(n.getDay()+6)%7)/7)},t.getRangeHours=function(e){var t=[],n=[];if((e||[]).forEach(function(e){var t=e.map(function(e){return e.getHours()});n=n.concat(function(e,t){for(var n=[],i=e;i<=t;i++)n.push(i);return n}(t[0],t[1]))}),n.length)for(var i=0;i<24;i++)t[i]=-1===n.indexOf(i);else for(var r=0;r<24;r++)t[r]=!1;return t},t.range=function(e){return Array.apply(null,{length:e}).map(function(e,t){return t})},t.modifyDate=function(e,t,n,i){return new Date(t,n,i,e.getHours(),e.getMinutes(),e.getSeconds(),e.getMilliseconds())}),m=(t.modifyTime=function(e,t,n,i){return new Date(e.getFullYear(),e.getMonth(),e.getDate(),t,n,i,e.getMilliseconds())},t.clearTime=function(e){return new Date(e.getFullYear(),e.getMonth(),e.getDate())},t.clearMilliseconds=function(e){return new Date(e.getFullYear(),e.getMonth(),e.getDate(),e.getHours(),e.getMinutes(),e.getSeconds(),0)},t.limitTimeRange=function(e,t){var n=arguments.length>2&&void 0!==arguments[2]?arguments[2]:"HH:mm:ss";if(0===t.length)return e;var i=function(e){return o.default.parse(o.default.format(e,n),n)},r=i(e),s=t.map(function(e){return e.map(i)});if(s.some(function(e){return r>=e[0]&&r<=e[1]}))return e;var a=s[0][0],l=s[0][0];return s.forEach(function(e){a=new Date(Math.min(e[0],a)),l=new Date(Math.max(e[1],a))}),p(r<a?a:l,e.getFullYear(),e.getMonth(),e.getDate())}),v=(t.timeWithinRange=function(e,t,n){return m(e,t,n).getTime()===e.getTime()},t.changeYearMonthAndClampDate=function(e,t,n){var i=Math.min(e.getDate(),f(t,n));return p(e,t,n,i)});t.prevMonth=function(e){var t=e.getFullYear(),n=e.getMonth();return 0===n?v(e,t-1,11):v(e,t,n-1)},t.nextMonth=function(e){var t=e.getFullYear(),n=e.getMonth();return 11===n?v(e,t+1,0):v(e,t,n+1)},t.prevYear=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:1,n=e.getFullYear(),i=e.getMonth();return v(e,n-t,i)},t.nextYear=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:1,n=e.getFullYear(),i=e.getMonth();return v(e,n+t,i)},t.extractDateFormat=function(e){return e.replace(/\W?m{1,2}|\W?ZZ/g,"").replace(/\W?h{1,2}|\W?s{1,3}|\W?a/gi,"").trim()},t.extractTimeFormat=function(e){return e.replace(/\W?D{1,2}|\W?Do|\W?d{1,4}|\W?M{1,4}|\W?y{2,4}/g,"").trim()}},function(e,t){e.exports=n("7J9s")},function(e,t){e.exports=n("ON3O")},function(e,t){e.exports=n("EKTV")},function(e,t){e.exports=n("mtrD")},function(e,t){e.exports=n("urW8")},function(e,t){e.exports=n("02w1")},function(e,t){e.exports=n("fEB+")},function(e,t){e.exports=n("1oZe")},function(e,t){e.exports=n("Zcwg")},function(e,t){e.exports=n("fUqW")},function(e,t,n){"use strict";t.__esModule=!0;var i=t.NODE_KEY="$treeNodeId";t.markNodeData=function(e,t){t[i]||Object.defineProperty(t,i,{value:e.id,enumerable:!1,configurable:!1,writable:!1})},t.getNodeKey=function(e,t){return e?t[e]:t[i]},t.findNearestComponent=function(e,t){for(var n=e;n&&"BODY"!==n.tagName;){if(n.__vue__&&n.__vue__.$options.name===t)return n.__vue__;n=n.parentNode}return null}},function(e,t){e.exports=n("aMwW")},function(e,t){e.exports=n("orbS")},function(e,t){e.exports=n("zTCi")},function(e,t,n){"use strict";t.__esModule=!0,t.default={created:function(){this.tableLayout.addObserver(this)},destroyed:function(){this.tableLayout.removeObserver(this)},computed:{tableLayout:function(){var e=this.layout;if(!e&&this.table&&(e=this.table.layout),!e)throw new Error("Can not find table layout.");return e}},mounted:function(){this.onColumnsChange(this.tableLayout),this.onScrollableChange(this.tableLayout)},updated:function(){this.__updated__||(this.onColumnsChange(this.tableLayout),this.onScrollableChange(this.tableLayout),this.__updated__=!0)},methods:{onColumnsChange:function(){var e=this.$el.querySelectorAll("colgroup > col");if(e.length){var t={};this.tableLayout.getFlattenColumns().forEach(function(e){t[e.id]=e});for(var n=0,i=e.length;n<i;n++){var r=e[n],o=r.getAttribute("name"),s=t[o];s&&r.setAttribute("width",s.realWidth||s.width)}}},onScrollableChange:function(e){for(var t=this.$el.querySelectorAll("colgroup > col[name=gutter]"),n=0,i=t.length;n<i;n++){t[n].setAttribute("width",e.scrollY?e.gutterWidth:"0")}for(var r=this.$el.querySelectorAll("th.gutter"),o=0,s=r.length;o<s;o++){var a=r[o];a.style.width=e.scrollY?e.gutterWidth+"px":"0",a.style.display=e.scrollY?"":"none"}}}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(173),r=n.n(i),o=n(175),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(178),r=n.n(i),o=n(181),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e,t){if(!o.default.prototype.$isServer){var n=function(e){t.drag&&t.drag(e)},i=function e(i){document.removeEventListener("mousemove",n),document.removeEventListener("mouseup",e),document.onselectstart=null,document.ondragstart=null,s=!1,t.end&&t.end(i)};e.addEventListener("mousedown",function(e){s||(document.onselectstart=function(){return!1},document.ondragstart=function(){return!1},document.addEventListener("mousemove",n),document.addEventListener("mouseup",i),s=!0,t.start&&t.start(e))})}};var i,r=n(5),o=(i=r)&&i.__esModule?i:{default:i};var s=!1},function(e,t,n){"use strict";t.__esModule=!0;var i=i||{};i.Utils=i.Utils||{},i.Utils.focusFirstDescendant=function(e){for(var t=0;t<e.childNodes.length;t++){var n=e.childNodes[t];if(i.Utils.attemptFocus(n)||i.Utils.focusFirstDescendant(n))return!0}return!1},i.Utils.focusLastDescendant=function(e){for(var t=e.childNodes.length-1;t>=0;t--){var n=e.childNodes[t];if(i.Utils.attemptFocus(n)||i.Utils.focusLastDescendant(n))return!0}return!1},i.Utils.attemptFocus=function(e){if(!i.Utils.isFocusable(e))return!1;i.Utils.IgnoreUtilFocusChanges=!0;try{e.focus()}catch(e){}return i.Utils.IgnoreUtilFocusChanges=!1,document.activeElement===e},i.Utils.isFocusable=function(e){if(e.tabIndex>0||0===e.tabIndex&&null!==e.getAttribute("tabIndex"))return!0;if(e.disabled)return!1;switch(e.nodeName){case"A":return!!e.href&&"ignore"!==e.rel;case"INPUT":return"hidden"!==e.type&&"file"!==e.type;case"BUTTON":case"SELECT":case"TEXTAREA":return!0;default:return!1}},i.Utils.triggerEvent=function(e,t){var n=void 0;n=/^mouse|click/.test(t)?"MouseEvents":/^key/.test(t)?"KeyboardEvent":"HTMLEvents";for(var i=document.createEvent(n),r=arguments.length,o=Array(r>2?r-2:0),s=2;s<r;s++)o[s-2]=arguments[s];return i.initEvent.apply(i,[t].concat(o)),e.dispatchEvent?e.dispatchEvent(i):e.fireEvent("on"+t,i),e},i.Utils.keys={tab:9,enter:13,space:32,left:37,up:38,right:39,down:40},t.default=i.Utils},function(e,t,n){"use strict";t.__esModule=!0,t.default={inject:["rootMenu"],computed:{indexPath:function(){for(var e=[this.index],t=this.$parent;"ElMenu"!==t.$options.componentName;)t.index&&e.unshift(t.index),t=t.$parent;return e},parentMenu:function(){for(var e=this.$parent;e&&-1===["ElMenu","ElSubmenu"].indexOf(e.$options.componentName);)e=e.$parent;return e},paddingStyle:function(){if("vertical"!==this.rootMenu.mode)return{};var e=20,t=this.$parent;if(this.rootMenu.collapse)e=20;else for(;t&&"ElMenu"!==t.$options.componentName;)"ElSubmenu"===t.$options.componentName&&(e+=20),t=t.$parent;return{paddingLeft:e+"px"}}}}},function(e,t,n){"use strict";t.__esModule=!0;var i=n(3);t.default={bind:function(e,t,n){var r=null,o=void 0,s=function(){return n.context[t.expression].apply()},a=function(){new Date-o<100&&s(),clearInterval(r),r=null};(0,i.on)(e,"mousedown",function(e){0===e.button&&(o=new Date,(0,i.once)(document,"mouseup",a),clearInterval(r),r=setInterval(s,100))})}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(137),r=n.n(i),o=n(138),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.getRowIdentity=t.getColumnByCell=t.getColumnById=t.orderBy=t.getCell=void 0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},r=n(4),o=(t.getCell=function(e){for(var t=e.target;t&&"HTML"!==t.tagName.toUpperCase();){if("TD"===t.tagName.toUpperCase())return t;t=t.parentNode}return null},function(e){return null!==e&&"object"===(void 0===e?"undefined":i(e))}),s=(t.orderBy=function(e,t,n,i,s){if(!t&&!i&&(!s||Array.isArray(s)&&!s.length))return e;n="string"==typeof n?"descending"===n?-1:1:n&&n<0?-1:1;var a=i?null:function(n,i){return s?(Array.isArray(s)||(s=[s]),s.map(function(t){return"string"==typeof t?(0,r.getValueByPath)(n,t):t(n,i,e)})):("$key"!==t&&o(n)&&"$value"in n&&(n=n.$value),[o(n)?(0,r.getValueByPath)(n,t):n])};return e.map(function(e,t){return{value:e,index:t,key:a?a(e,t):null}}).sort(function(e,t){var r=function(e,t){if(i)return i(e.value,t.value);for(var n=0,r=e.key.length;n<r;n++){if(e.key[n]<t.key[n])return-1;if(e.key[n]>t.key[n])return 1}return 0}(e,t);return r||(r=e.index-t.index),r*n}).map(function(e){return e.value})},t.getColumnById=function(e,t){var n=null;return e.columns.forEach(function(e){e.id===t&&(n=e)}),n});t.getColumnByCell=function(e,t){var n=(t.className||"").match(/el-table_[^\s]+/gm);return n?s(e,n[0]):null},t.getRowIdentity=function(e,t){if(!e)throw new Error("row is required when get row identity");if("string"==typeof t){if(t.indexOf(".")<0)return e[t];for(var n=t.split("."),i=e,r=0;r<n.length;r++)i=i[n[r]];return i}if("function"==typeof t)return t.call(null,e)}},function(e,t){e.exports=n("6Twh")},function(e,t){e.exports=n("s3ue")},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(179),r=n.n(i),o=n(180),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(188),r=n.n(i),o=n(189),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(278),r=n.n(i),o=n(279),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t){e.exports=n("H8dH")},function(e,t){e.exports=n("GegP")},function(e,t){e.exports=n("nvbp")},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(298),r=n.n(i),o=n(299),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e};var r=function(e,t,n){return[e,t*n/((e=(2-t)*n)<1?e:2-e)||0,e/2]},o=function(e,t){var n;"string"==typeof(n=e)&&-1!==n.indexOf(".")&&1===parseFloat(n)&&(e="100%");var i=function(e){return"string"==typeof e&&-1!==e.indexOf("%")}(e);return e=Math.min(t,Math.max(0,parseFloat(e))),i&&(e=parseInt(e*t,10)/100),Math.abs(e-t)<1e-6?1:e%t/parseFloat(t)},s={10:"A",11:"B",12:"C",13:"D",14:"E",15:"F"},a={A:10,B:11,C:12,D:13,E:14,F:15},l=function(e){return 2===e.length?16*(a[e[0].toUpperCase()]||+e[0])+(a[e[1].toUpperCase()]||+e[1]):a[e[1].toUpperCase()]||+e[1]},u=function(e,t,n){e=o(e,255),t=o(t,255),n=o(n,255);var i,r=Math.max(e,t,n),s=Math.min(e,t,n),a=void 0,l=r,u=r-s;if(i=0===r?0:u/r,r===s)a=0;else{switch(r){case e:a=(t-n)/u+(t<n?6:0);break;case t:a=(n-e)/u+2;break;case n:a=(e-t)/u+4}a/=6}return{h:360*a,s:100*i,v:100*l}},c=function(e,t,n){e=6*o(e,360),t=o(t,100),n=o(n,100);var i=Math.floor(e),r=e-i,s=n*(1-t),a=n*(1-r*t),l=n*(1-(1-r)*t),u=i%6,c=[n,a,s,s,l,n][u],d=[l,n,n,a,s,s][u],f=[s,s,l,n,n,a][u];return{r:Math.round(255*c),g:Math.round(255*d),b:Math.round(255*f)}},d=function(){function e(t){for(var n in function(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}(this,e),this._hue=0,this._saturation=100,this._value=100,this._alpha=100,this.enableAlpha=!1,this.format="hex",this.value="",t=t||{})t.hasOwnProperty(n)&&(this[n]=t[n]);this.doOnChange()}return e.prototype.set=function(e,t){if(1!==arguments.length||"object"!==(void 0===e?"undefined":i(e)))this["_"+e]=t,this.doOnChange();else for(var n in e)e.hasOwnProperty(n)&&this.set(n,e[n])},e.prototype.get=function(e){return this["_"+e]},e.prototype.toRgb=function(){return c(this._hue,this._saturation,this._value)},e.prototype.fromString=function(e){var t=this;if(!e)return this._hue=0,this._saturation=100,this._value=100,void this.doOnChange();var n=function(e,n,i){t._hue=Math.max(0,Math.min(360,e)),t._saturation=Math.max(0,Math.min(100,n)),t._value=Math.max(0,Math.min(100,i)),t.doOnChange()};if(-1!==e.indexOf("hsl")){var i=e.replace(/hsla|hsl|\(|\)/gm,"").split(/\s|,/g).filter(function(e){return""!==e}).map(function(e,t){return t>2?parseFloat(e):parseInt(e,10)});if(4===i.length?this._alpha=Math.floor(100*parseFloat(i[3])):3===i.length&&(this._alpha=100),i.length>=3){var r=function(e,t,n){n/=100;var i=t/=100,r=Math.max(n,.01);return t*=(n*=2)<=1?n:2-n,i*=r<=1?r:2-r,{h:e,s:100*(0===n?2*i/(r+i):2*t/(n+t)),v:(n+t)/2*100}}(i[0],i[1],i[2]);n(r.h,r.s,r.v)}}else if(-1!==e.indexOf("hsv")){var o=e.replace(/hsva|hsv|\(|\)/gm,"").split(/\s|,/g).filter(function(e){return""!==e}).map(function(e,t){return t>2?parseFloat(e):parseInt(e,10)});4===o.length?this._alpha=Math.floor(100*parseFloat(o[3])):3===o.length&&(this._alpha=100),o.length>=3&&n(o[0],o[1],o[2])}else if(-1!==e.indexOf("rgb")){var s=e.replace(/rgba|rgb|\(|\)/gm,"").split(/\s|,/g).filter(function(e){return""!==e}).map(function(e,t){return t>2?parseFloat(e):parseInt(e,10)});if(4===s.length?this._alpha=Math.floor(100*parseFloat(s[3])):3===s.length&&(this._alpha=100),s.length>=3){var a=u(s[0],s[1],s[2]);n(a.h,a.s,a.v)}}else if(-1!==e.indexOf("#")){var c=e.replace("#","").trim(),d=void 0,f=void 0,h=void 0;3===c.length?(d=l(c[0]+c[0]),f=l(c[1]+c[1]),h=l(c[2]+c[2])):6!==c.length&&8!==c.length||(d=l(c.substring(0,2)),f=l(c.substring(2,4)),h=l(c.substring(4,6))),8===c.length?this._alpha=Math.floor(l(c.substring(6))/255*100):3!==c.length&&6!==c.length||(this._alpha=100);var p=u(d,f,h);n(p.h,p.s,p.v)}},e.prototype.compare=function(e){return Math.abs(e._hue-this._hue)<2&&Math.abs(e._saturation-this._saturation)<1&&Math.abs(e._value-this._value)<1&&Math.abs(e._alpha-this._alpha)<1},e.prototype.doOnChange=function(){var e=this._hue,t=this._saturation,n=this._value,i=this._alpha,o=this.format;if(this.enableAlpha)switch(o){case"hsl":var a=r(e,t/100,n/100);this.value="hsla("+e+", "+Math.round(100*a[1])+"%, "+Math.round(100*a[2])+"%, "+i/100+")";break;case"hsv":this.value="hsva("+e+", "+Math.round(t)+"%, "+Math.round(n)+"%, "+i/100+")";break;default:var l=c(e,t,n),u=l.r,d=l.g,f=l.b;this.value="rgba("+u+", "+d+", "+f+", "+i/100+")"}else switch(o){case"hsl":var h=r(e,t/100,n/100);this.value="hsl("+e+", "+Math.round(100*h[1])+"%, "+Math.round(100*h[2])+"%)";break;case"hsv":this.value="hsv("+e+", "+Math.round(t)+"%, "+Math.round(n)+"%)";break;case"rgb":var p=c(e,t,n),m=p.r,v=p.g,g=p.b;this.value="rgb("+m+", "+v+", "+g+")";break;default:this.value=function(e){var t=e.r,n=e.g,i=e.b,r=function(e){e=Math.min(Math.round(e),255);var t=Math.floor(e/16),n=e%16;return""+(s[t]||t)+(s[n]||n)};return isNaN(t)||isNaN(n)||isNaN(i)?"":"#"+r(t)+r(n)+r(i)}(c(e,t,n))}},e}();t.default=d},function(e,t,n){e.exports=n(46)},function(e,t,n){"use strict";var i=_e(n(47)),r=_e(n(54)),o=_e(n(58)),s=_e(n(65)),a=_e(n(69)),l=_e(n(73)),u=_e(n(77)),c=_e(n(83)),d=_e(n(86)),f=_e(n(90)),h=_e(n(94)),p=_e(n(99)),m=_e(n(103)),v=_e(n(107)),g=_e(n(111)),y=_e(n(115)),b=_e(n(119)),_=_e(n(123)),x=_e(n(127)),C=_e(n(131)),w=_e(n(141)),k=_e(n(142)),S=_e(n(146)),$=_e(n(150)),M=_e(n(154)),E=_e(n(169)),O=_e(n(171)),T=_e(n(194)),D=_e(n(199)),P=_e(n(204)),N=_e(n(209)),I=_e(n(211)),F=_e(n(217)),A=_e(n(221)),L=_e(n(225)),R=_e(n(229)),V=_e(n(234)),B=_e(n(242)),j=_e(n(246)),z=_e(n(250)),H=_e(n(259)),q=_e(n(263)),W=_e(n(268)),K=_e(n(276)),U=_e(n(281)),G=_e(n(285)),Y=_e(n(287)),X=_e(n(289)),J=_e(n(302)),Q=_e(n(306)),Z=_e(n(310)),ee=_e(n(315)),te=_e(n(319)),ne=_e(n(323)),ie=_e(n(327)),re=_e(n(331)),oe=_e(n(335)),se=_e(n(340)),ae=_e(n(344)),le=_e(n(348)),ue=_e(n(352)),ce=_e(n(356)),de=_e(n(363)),fe=_e(n(382)),he=_e(n(389)),pe=_e(n(393)),me=_e(n(397)),ve=_e(n(401)),ge=_e(n(405)),ye=_e(n(16)),be=_e(n(20));function _e(e){return e&&e.__esModule?e:{default:e}}var xe=[i.default,r.default,o.default,s.default,a.default,l.default,u.default,c.default,d.default,f.default,h.default,p.default,m.default,v.default,g.default,y.default,b.default,_.default,x.default,C.default,w.default,k.default,S.default,$.default,M.default,E.default,O.default,T.default,D.default,P.default,N.default,F.default,A.default,L.default,R.default,V.default,B.default,j.default,z.default,H.default,W.default,U.default,G.default,Y.default,X.default,J.default,Q.default,ee.default,te.default,ne.default,ie.default,re.default,oe.default,se.default,ae.default,le.default,ue.default,ce.default,de.default,fe.default,he.default,pe.default,me.default,ve.default,ge.default,be.default],Ce=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};ye.default.use(t.locale),ye.default.i18n(t.i18n),xe.map(function(t){e.component(t.name,t)}),e.use(K.default.directive);var n={};n.size=t.size||"",e.prototype.$loading=K.default.service,e.prototype.$msgbox=I.default,e.prototype.$alert=I.default.alert,e.prototype.$confirm=I.default.confirm,e.prototype.$prompt=I.default.prompt,e.prototype.$notify=q.default,e.prototype.$message=Z.default,e.prototype.$ELEMENT=n};"undefined"!=typeof window&&window.Vue&&Ce(window.Vue),e.exports={version:"2.3.2",locale:ye.default.use,i18n:ye.default.i18n,install:Ce,CollapseTransition:be.default,Loading:K.default,Pagination:i.default,Dialog:r.default,Autocomplete:o.default,Dropdown:s.default,DropdownMenu:a.default,DropdownItem:l.default,Menu:u.default,Submenu:c.default,MenuItem:d.default,MenuItemGroup:f.default,Input:h.default,InputNumber:p.default,Radio:m.default,RadioGroup:v.default,RadioButton:g.default,Checkbox:y.default,CheckboxButton:b.default,CheckboxGroup:_.default,Switch:x.default,Select:C.default,Option:w.default,OptionGroup:k.default,Button:S.default,ButtonGroup:$.default,Table:M.default,TableColumn:E.default,DatePicker:O.default,TimeSelect:T.default,TimePicker:D.default,Popover:P.default,Tooltip:N.default,MessageBox:I.default,Breadcrumb:F.default,BreadcrumbItem:A.default,Form:L.default,FormItem:R.default,Tabs:V.default,TabPane:B.default,Tag:j.default,Tree:z.default,Alert:H.default,Notification:q.default,Slider:W.default,Icon:U.default,Row:G.default,Col:Y.default,Upload:X.default,Progress:J.default,Spinner:Q.default,Message:Z.default,Badge:ee.default,Card:te.default,Rate:ne.default,Steps:ie.default,Step:re.default,Carousel:oe.default,Scrollbar:se.default,CarouselItem:ae.default,Collapse:le.default,CollapseItem:ue.default,Cascader:ce.default,ColorPicker:de.default,Transfer:fe.default,Container:he.default,Header:pe.default,Aside:me.default,Main:ve.default,Footer:ge.default},e.exports.default=e.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(48),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=u(n(49)),r=u(n(52)),o=u(n(53)),s=u(n(6)),a=u(n(2)),l=n(4);function u(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElPagination",props:{pageSize:{type:Number,default:10},small:Boolean,total:Number,pageCount:Number,currentPage:{type:Number,default:1},layout:{default:"prev, pager, next, jumper, ->, total"},pageSizes:{type:Array,default:function(){return[10,20,30,40,50,100]}},popperClass:String,prevText:String,nextText:String,background:Boolean,disabled:Boolean},data:function(){return{internalCurrentPage:1,internalPageSize:0,lastEmittedPage:-1,userChangePageSize:!1}},render:function(e){var t=e("div",{class:["el-pagination",{"is-background":this.background,"el-pagination--small":this.small}]},[]),n=this.layout||"";if(n){var i={prev:e("prev",null,[]),jumper:e("jumper",null,[]),pager:e("pager",{attrs:{currentPage:this.internalCurrentPage,pageCount:this.internalPageCount,disabled:this.disabled},on:{change:this.handleCurrentChange}},[]),next:e("next",null,[]),sizes:e("sizes",{attrs:{pageSizes:this.pageSizes}},[]),slot:e("my-slot",null,[]),total:e("total",null,[])},r=n.split(",").map(function(e){return e.trim()}),o=e("div",{class:"el-pagination__rightwrapper"},[]),s=!1;return t.children=t.children||[],o.children=o.children||[],r.forEach(function(e){"->"!==e?s?o.children.push(i[e]):t.children.push(i[e]):s=!0}),s&&t.children.unshift(o),t}},components:{MySlot:{render:function(e){return this.$parent.$slots.default?this.$parent.$slots.default[0]:""}},Prev:{render:function(e){return e("button",{attrs:{type:"button"},class:["btn-prev",{disabled:this.$parent.disabled||this.$parent.internalCurrentPage<=1}],on:{click:this.$parent.prev}},[this.$parent.prevText?e("span",null,[this.$parent.prevText]):e("i",{class:"el-icon el-icon-arrow-left"},[])])}},Next:{render:function(e){return e("button",{attrs:{type:"button"},class:["btn-next",{disabled:this.$parent.disabled||this.$parent.internalCurrentPage===this.$parent.internalPageCount||0===this.$parent.internalPageCount}],on:{click:this.$parent.next}},[this.$parent.nextText?e("span",null,[this.$parent.nextText]):e("i",{class:"el-icon el-icon-arrow-right"},[])])}},Sizes:{mixins:[a.default],props:{pageSizes:Array},watch:{pageSizes:{immediate:!0,handler:function(e,t){(0,l.valueEquals)(e,t)||Array.isArray(e)&&(this.$parent.internalPageSize=e.indexOf(this.$parent.pageSize)>-1?this.$parent.pageSize:this.pageSizes[0])}}},render:function(e){var t=this;return e("span",{class:"el-pagination__sizes"},[e("el-select",{attrs:{value:this.$parent.internalPageSize,popperClass:this.$parent.popperClass||"",disabled:this.$parent.disabled},on:{input:this.handleChange}},[this.pageSizes.map(function(n){return e("el-option",{attrs:{value:n,label:n+t.t("el.pagination.pagesize")}},[])})])])},components:{ElSelect:r.default,ElOption:o.default},methods:{handleChange:function(e){e!==this.$parent.internalPageSize&&(this.$parent.internalPageSize=e=parseInt(e,10),this.$parent.userChangePageSize=!0,this.$parent.$emit("size-change",e))}}},Jumper:{mixins:[a.default],data:function(){return{oldValue:null}},components:{ElInput:s.default},watch:{"$parent.internalPageSize":function(){var e=this;this.$nextTick(function(){e.$refs.input.$el.querySelector("input").value=e.$parent.internalCurrentPage})}},methods:{handleFocus:function(e){this.oldValue=e.target.value},handleBlur:function(e){var t=e.target;this.resetValueIfNeed(t.value),this.reassignMaxValue(t.value)},handleKeyup:function(e){var t=e.keyCode,n=e.target;13===t&&this.oldValue&&n.value!==this.oldValue&&this.handleChange(n.value)},handleChange:function(e){this.$parent.internalCurrentPage=this.$parent.getValidCurrentPage(e),this.$parent.emitChange(),this.oldValue=null,this.resetValueIfNeed(e)},resetValueIfNeed:function(e){var t=parseInt(e,10);isNaN(t)||(t<1?this.$refs.input.$el.querySelector("input").value=1:this.reassignMaxValue(e))},reassignMaxValue:function(e){+e>this.$parent.internalPageCount&&(this.$refs.input.$el.querySelector("input").value=this.$parent.internalPageCount)}},render:function(e){return e("span",{class:"el-pagination__jump"},[this.t("el.pagination.goto"),e("el-input",{class:"el-pagination__editor is-in-pagination",attrs:{min:1,max:this.$parent.internalPageCount,value:this.$parent.internalCurrentPage,type:"number",disabled:this.$parent.disabled},domProps:{value:this.$parent.internalCurrentPage},ref:"input",nativeOn:{keyup:this.handleKeyup},on:{change:this.handleChange,focus:this.handleFocus,blur:this.handleBlur}},[]),this.t("el.pagination.pageClassifier")])}},Total:{mixins:[a.default],render:function(e){return"number"==typeof this.$parent.total?e("span",{class:"el-pagination__total"},[this.t("el.pagination.total",{total:this.$parent.total})]):""}},Pager:i.default},methods:{handleCurrentChange:function(e){this.internalCurrentPage=this.getValidCurrentPage(e),this.emitChange()},prev:function(){if(!this.disabled){var e=this.internalCurrentPage-1;this.internalCurrentPage=this.getValidCurrentPage(e),this.emitChange()}},next:function(){if(!this.disabled){var e=this.internalCurrentPage+1;this.internalCurrentPage=this.getValidCurrentPage(e),this.emitChange()}},getValidCurrentPage:function(e){e=parseInt(e,10);var t=void 0;return"number"==typeof this.internalPageCount?e<1?t=1:e>this.internalPageCount&&(t=this.internalPageCount):(isNaN(e)||e<1)&&(t=1),void 0===t&&isNaN(e)?t=1:0===t&&(t=1),void 0===t?e:t},emitChange:function(){var e=this;this.$nextTick(function(){e.internalCurrentPage!==e.lastEmittedPage&&(e.$emit("current-change",e.internalCurrentPage),e.lastEmittedPage=e.internalCurrentPage)})}},computed:{internalPageCount:function(){return"number"==typeof this.total?Math.ceil(this.total/this.internalPageSize):"number"==typeof this.pageCount?this.pageCount:null}},watch:{currentPage:{immediate:!0,handler:function(e){this.internalCurrentPage=e}},pageSize:{immediate:!0,handler:function(e){this.internalPageSize=e}},internalCurrentPage:function(e,t){var n=this;e=parseInt(e,10),void 0!==(e=isNaN(e)?t||1:this.getValidCurrentPage(e))?this.$nextTick(function(){n.internalCurrentPage=e,t!==e&&n.$emit("update:currentPage",e)}):this.$emit("update:currentPage",e)},internalPageCount:function(e){var t=this.internalCurrentPage;e>0&&0===t?this.internalCurrentPage=1:t>e&&(this.internalCurrentPage=0===e?1:e,this.userChangePageSize&&this.emitChange()),this.userChangePageSize=!1}}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(50),r=n.n(i),o=n(51),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElPager",props:{currentPage:Number,pageCount:Number,disabled:Boolean},watch:{showPrevMore:function(e){e||(this.quickprevIconClass="el-icon-more")},showNextMore:function(e){e||(this.quicknextIconClass="el-icon-more")}},methods:{onPagerClick:function(e){var t=e.target;if("UL"!==t.tagName&&!this.disabled){var n=Number(e.target.textContent),i=this.pageCount,r=this.currentPage;-1!==t.className.indexOf("more")&&(-1!==t.className.indexOf("quickprev")?n=r-5:-1!==t.className.indexOf("quicknext")&&(n=r+5)),isNaN(n)||(n<1&&(n=1),n>i&&(n=i)),n!==r&&this.$emit("change",n)}},onMouseenter:function(e){this.disabled||("left"===e?this.quickprevIconClass="el-icon-d-arrow-left":this.quicknextIconClass="el-icon-d-arrow-right")}},computed:{pagers:function(){var e=Number(this.currentPage),t=Number(this.pageCount),n=!1,i=!1;t>7&&(e>4&&(n=!0),e<t-3&&(i=!0));var r=[];if(n&&!i)for(var o=t-5;o<t;o++)r.push(o);else if(!n&&i)for(var s=2;s<7;s++)r.push(s);else if(n&&i)for(var a=Math.floor(3.5)-1,l=e-a;l<=e+a;l++)r.push(l);else for(var u=2;u<t;u++)r.push(u);return this.showPrevMore=n,this.showNextMore=i,r}},data:function(){return{current:null,showPrevMore:!1,showNextMore:!1,quicknextIconClass:"el-icon-more",quickprevIconClass:"el-icon-more"}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("ul",{staticClass:"el-pager",on:{click:e.onPagerClick}},[e.pageCount>0?n("li",{staticClass:"number",class:{active:1===e.currentPage,disabled:e.disabled}},[e._v("1")]):e._e(),e.showPrevMore?n("li",{staticClass:"el-icon more btn-quickprev",class:[e.quickprevIconClass,{disabled:e.disabled}],on:{mouseenter:function(t){e.onMouseenter("left")},mouseleave:function(t){e.quickprevIconClass="el-icon-more"}}}):e._e(),e._l(e.pagers,function(t){return n("li",{key:t,staticClass:"number",class:{active:e.currentPage===t,disabled:e.disabled}},[e._v(e._s(t))])}),e.showNextMore?n("li",{staticClass:"el-icon more btn-quicknext",class:[e.quicknextIconClass,{disabled:e.disabled}],on:{mouseenter:function(t){e.onMouseenter("right")},mouseleave:function(t){e.quicknextIconClass="el-icon-more"}}}):e._e(),e.pageCount>1?n("li",{staticClass:"number",class:{active:e.currentPage===e.pageCount,disabled:e.disabled}},[e._v(e._s(e.pageCount))]):e._e()],2)},staticRenderFns:[]};t.a=i},function(e,t){e.exports=n("e0Bm")},function(e,t){e.exports=n("STLj")},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(55),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(56),r=n.n(i),o=n(57),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(12)),r=s(n(7)),o=s(n(1));function s(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElDialog",mixins:[i.default,o.default,r.default],props:{title:{type:String,default:""},modal:{type:Boolean,default:!0},modalAppendToBody:{type:Boolean,default:!0},appendToBody:{type:Boolean,default:!1},lockScroll:{type:Boolean,default:!0},closeOnClickModal:{type:Boolean,default:!0},closeOnPressEscape:{type:Boolean,default:!0},showClose:{type:Boolean,default:!0},width:String,fullscreen:Boolean,customClass:{type:String,default:""},top:{type:String,default:"15vh"},beforeClose:Function,center:{type:Boolean,default:!1}},data:function(){return{closed:!1}},watch:{visible:function(e){var t=this;e?(this.closed=!1,this.$emit("open"),this.$el.addEventListener("scroll",this.updatePopper),this.$nextTick(function(){t.$refs.dialog.scrollTop=0}),this.appendToBody&&document.body.appendChild(this.$el)):(this.$el.removeEventListener("scroll",this.updatePopper),this.closed||this.$emit("close"))}},computed:{style:function(){var e={};return this.width&&(e.width=this.width),this.fullscreen||(e.marginTop=this.top),e}},methods:{getMigratingConfig:function(){return{props:{size:"size is removed."}}},handleWrapperClick:function(){this.closeOnClickModal&&this.handleClose()},handleClose:function(){"function"==typeof this.beforeClose?this.beforeClose(this.hide):this.hide()},hide:function(e){!1!==e&&(this.$emit("update:visible",!1),this.$emit("close"),this.closed=!0)},updatePopper:function(){this.broadcast("ElSelectDropdown","updatePopper"),this.broadcast("ElDropdownMenu","updatePopper")}},mounted:function(){this.visible&&(this.rendered=!0,this.open(),this.appendToBody&&document.body.appendChild(this.$el))},destroyed:function(){this.appendToBody&&this.$el&&this.$el.parentNode&&this.$el.parentNode.removeChild(this.$el)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"dialog-fade"}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-dialog__wrapper",on:{click:function(t){if(t.target!==t.currentTarget)return null;e.handleWrapperClick(t)}}},[n("div",{ref:"dialog",staticClass:"el-dialog",class:[{"is-fullscreen":e.fullscreen,"el-dialog--center":e.center},e.customClass],style:e.style},[n("div",{staticClass:"el-dialog__header"},[e._t("title",[n("span",{staticClass:"el-dialog__title"},[e._v(e._s(e.title))])]),e.showClose?n("button",{staticClass:"el-dialog__headerbtn",attrs:{type:"button","aria-label":"Close"},on:{click:e.handleClose}},[n("i",{staticClass:"el-dialog__close el-icon el-icon-close"})]):e._e()],2),e.rendered?n("div",{staticClass:"el-dialog__body"},[e._t("default")],2):e._e(),e.$slots.footer?n("div",{staticClass:"el-dialog__footer"},[e._t("footer")],2):e._e()])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(59),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(60),r=n.n(i),o=n(64),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=d(n(13)),r=d(n(6)),o=d(n(9)),s=d(n(61)),a=d(n(1)),l=d(n(7)),u=n(4),c=d(n(19));function d(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElAutocomplete",mixins:[a.default,(0,c.default)("input"),l.default],componentName:"ElAutocomplete",components:{ElInput:r.default,ElAutocompleteSuggestions:s.default},directives:{Clickoutside:o.default},props:{valueKey:{type:String,default:"value"},popperClass:String,popperOptions:Object,placeholder:String,disabled:Boolean,name:String,size:String,value:String,maxlength:Number,minlength:Number,autofocus:Boolean,fetchSuggestions:Function,triggerOnFocus:{type:Boolean,default:!0},customItem:String,selectWhenUnmatched:{type:Boolean,default:!1},prefixIcon:String,suffixIcon:String,label:String,debounce:{type:Number,default:300}},data:function(){return{activated:!1,isOnComposition:!1,suggestions:[],loading:!1,highlightedIndex:-1}},computed:{suggestionVisible:function(){var e=this.suggestions;return(Array.isArray(e)&&e.length>0||this.loading)&&this.activated},id:function(){return"el-autocomplete-"+(0,u.generateId)()}},watch:{suggestionVisible:function(e){this.broadcast("ElAutocompleteSuggestions","visible",[e,this.$refs.input.$refs.input.offsetWidth])}},methods:{getMigratingConfig:function(){return{props:{"custom-item":"custom-item is removed, use scoped slot instead.",props:"props is removed, use value-key instead."}}},getData:function(e){var t=this;this.loading=!0,this.fetchSuggestions(e,function(e){t.loading=!1,Array.isArray(e)?t.suggestions=e:console.error("autocomplete suggestions must be an array")})},handleComposition:function(e){"compositionend"===e.type?(this.isOnComposition=!1,this.handleChange(e.target.value)):this.isOnComposition=!0},handleChange:function(e){this.$emit("input",e),this.isOnComposition||!this.triggerOnFocus&&!e?this.suggestions=[]:this.debouncedGetData(e)},handleFocus:function(e){this.activated=!0,this.$emit("focus",e),this.triggerOnFocus&&this.debouncedGetData(this.value)},handleBlur:function(e){this.$emit("blur",e)},close:function(e){this.activated=!1},handleKeyEnter:function(e){var t=this;this.suggestionVisible&&this.highlightedIndex>=0&&this.highlightedIndex<this.suggestions.length?(e.preventDefault(),this.select(this.suggestions[this.highlightedIndex])):this.selectWhenUnmatched&&(this.$emit("select",{value:this.value}),this.$nextTick(function(e){t.suggestions=[],t.highlightedIndex=-1}))},select:function(e){var t=this;this.$emit("input",e[this.valueKey]),this.$emit("select",e),this.$nextTick(function(e){t.suggestions=[],t.highlightedIndex=-1})},highlight:function(e){if(this.suggestionVisible&&!this.loading)if(e<0)this.highlightedIndex=-1;else{e>=this.suggestions.length&&(e=this.suggestions.length-1);var t=this.$refs.suggestions.$el.querySelector(".el-autocomplete-suggestion__wrap"),n=t.querySelectorAll(".el-autocomplete-suggestion__list li")[e],i=t.scrollTop,r=n.offsetTop;r+n.scrollHeight>i+t.clientHeight&&(t.scrollTop+=n.scrollHeight),r<i&&(t.scrollTop-=n.scrollHeight),this.highlightedIndex=e,this.$el.querySelector(".el-input__inner").setAttribute("aria-activedescendant",this.id+"-item-"+this.highlightedIndex)}}},mounted:function(){var e=this;this.debouncedGetData=(0,i.default)(this.debounce,function(t){e.getData(t)}),this.$on("item-click",function(t){e.select(t)});var t=this.$el.querySelector(".el-input__inner");t.setAttribute("role","textbox"),t.setAttribute("aria-autocomplete","list"),t.setAttribute("aria-controls","id"),t.setAttribute("aria-activedescendant",this.id+"-item-"+this.highlightedIndex)},beforeDestroy:function(){this.$refs.suggestions.$destroy()}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(62),r=n.n(i),o=n(63),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(8)),r=s(n(1)),o=s(n(18));function s(e){return e&&e.__esModule?e:{default:e}}t.default={components:{ElScrollbar:o.default},mixins:[i.default,r.default],componentName:"ElAutocompleteSuggestions",data:function(){return{parent:this.$parent,dropdownWidth:""}},props:{options:{default:function(){return{gpuAcceleration:!1}}},id:String},methods:{select:function(e){this.dispatch("ElAutocomplete","item-click",e)}},updated:function(){var e=this;this.$nextTick(function(t){e.updatePopper()})},mounted:function(){this.$parent.popperElm=this.popperElm=this.$el,this.referenceElm=this.$parent.$refs.input.$refs.input,this.referenceList=this.$el.querySelector(".el-autocomplete-suggestion__list"),this.referenceList.setAttribute("role","listbox"),this.referenceList.setAttribute("id",this.id)},created:function(){var e=this;this.$on("visible",function(t,n){e.dropdownWidth=n+"px",e.showPopper=t})}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("transition",{attrs:{name:"el-zoom-in-top"},on:{"after-leave":this.doDestroy}},[t("div",{directives:[{name:"show",rawName:"v-show",value:this.showPopper,expression:"showPopper"}],staticClass:"el-autocomplete-suggestion el-popper",class:{"is-loading":this.parent.loading},style:{width:this.dropdownWidth},attrs:{role:"region"}},[t("el-scrollbar",{attrs:{tag:"ul","wrap-class":"el-autocomplete-suggestion__wrap","view-class":"el-autocomplete-suggestion__list"}},[this.parent.loading?t("li",[t("i",{staticClass:"el-icon-loading"})]):this._t("default")],2)],1)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.close,expression:"close"}],staticClass:"el-autocomplete",attrs:{"aria-haspopup":"listbox",role:"combobox","aria-expanded":e.suggestionVisible,"aria-owns":e.id}},[n("el-input",e._b({ref:"input",attrs:{label:e.label},on:{input:e.handleChange,focus:e.handleFocus,blur:e.handleBlur},nativeOn:{compositionstart:function(t){e.handleComposition(t)},compositionupdate:function(t){e.handleComposition(t)},compositionend:function(t){e.handleComposition(t)},keydown:[function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.preventDefault(),e.highlight(e.highlightedIndex-1)},function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.preventDefault(),e.highlight(e.highlightedIndex+1)},function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.handleKeyEnter(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"tab",9,t.key))return null;e.close(t)}]}},"el-input",e.$props,!1),[e.$slots.prepend?n("template",{attrs:{slot:"prepend"},slot:"prepend"},[e._t("prepend")],2):e._e(),e.$slots.append?n("template",{attrs:{slot:"append"},slot:"append"},[e._t("append")],2):e._e(),e.$slots.prefix?n("template",{attrs:{slot:"prefix"},slot:"prefix"},[e._t("prefix")],2):e._e(),e.$slots.suffix?n("template",{attrs:{slot:"suffix"},slot:"suffix"},[e._t("suffix")],2):e._e()],2),n("el-autocomplete-suggestions",{ref:"suggestions",class:[e.popperClass?e.popperClass:""],attrs:{"visible-arrow":"","popper-options":e.popperOptions,placement:"bottom-start",id:e.id}},e._l(e.suggestions,function(t,i){return n("li",{key:i,class:{highlighted:e.highlightedIndex===i},attrs:{id:e.id+"-item-"+i,role:"option","aria-selected":e.highlightedIndex===i},on:{click:function(n){e.select(t)}}},[e._t("default",[e._v("\n "+e._s(t[e.valueKey])+"\n ")],{item:t})],2)}))],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(66),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(67),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=u(n(9)),r=u(n(1)),o=u(n(7)),s=u(n(15)),a=u(n(68)),l=n(4);function u(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElDropdown",componentName:"ElDropdown",mixins:[r.default,o.default],directives:{Clickoutside:i.default},components:{ElButton:s.default,ElButtonGroup:a.default},provide:function(){return{dropdown:this}},props:{trigger:{type:String,default:"hover"},type:String,size:{type:String,default:""},splitButton:Boolean,hideOnClick:{type:Boolean,default:!0},placement:{type:String,default:"bottom-end"},visibleArrow:{default:!0},showTimeout:{type:Number,default:250},hideTimeout:{type:Number,default:150}},data:function(){return{timeout:null,visible:!1,triggerElm:null,menuItems:null,menuItemsArray:null,dropdownElm:null,focusing:!1}},computed:{dropdownSize:function(){return this.size||(this.$ELEMENT||{}).size},listId:function(){return"dropdown-menu-"+(0,l.generateId)()}},mounted:function(){this.$on("menu-item-click",this.handleMenuItemClick),this.initEvent(),this.initAria()},watch:{visible:function(e){this.broadcast("ElDropdownMenu","visible",e),this.$emit("visible-change",e)},focusing:function(e){var t=this.$el.querySelector(".el-dropdown-selfdefine");t&&(e?t.className+=" focusing":t.className=t.className.replace("focusing",""))}},methods:{getMigratingConfig:function(){return{props:{"menu-align":"menu-align is renamed to placement."}}},show:function(){var e=this;this.triggerElm.disabled||(clearTimeout(this.timeout),this.timeout=setTimeout(function(){e.visible=!0},"click"===this.trigger?0:this.showTimeout))},hide:function(){var e=this;this.triggerElm.disabled||(this.removeTabindex(),this.resetTabindex(this.triggerElm),clearTimeout(this.timeout),this.timeout=setTimeout(function(){e.visible=!1},"click"===this.trigger?0:this.hideTimeout))},handleClick:function(){this.triggerElm.disabled||(this.visible?this.hide():this.show())},handleTriggerKeyDown:function(e){var t=e.keyCode;[38,40].indexOf(t)>-1?(this.removeTabindex(),this.resetTabindex(this.menuItems[0]),this.menuItems[0].focus(),e.preventDefault(),e.stopPropagation()):13===t?this.handleClick():[9,27].indexOf(t)>-1&&this.hide()},handleItemKeyDown:function(e){var t=e.keyCode,n=e.target,i=this.menuItemsArray.indexOf(n),r=this.menuItemsArray.length-1,o=void 0;[38,40].indexOf(t)>-1?(o=38===t?0!==i?i-1:0:i<r?i+1:r,this.removeTabindex(),this.resetTabindex(this.menuItems[o]),this.menuItems[o].focus(),e.preventDefault(),e.stopPropagation()):13===t?(this.triggerElm.focus(),n.click(),this.hideOnClick||(this.visible=!1)):[9,27].indexOf(t)>-1&&(this.hide(),this.triggerElm.focus())},resetTabindex:function(e){this.removeTabindex(),e.setAttribute("tabindex","0")},removeTabindex:function(){this.triggerElm.setAttribute("tabindex","-1"),this.menuItemsArray.forEach(function(e){e.setAttribute("tabindex","-1")})},initAria:function(){this.dropdownElm.setAttribute("id",this.listId),this.triggerElm.setAttribute("aria-haspopup","list"),this.triggerElm.setAttribute("aria-controls",this.listId),this.menuItems=this.dropdownElm.querySelectorAll("[tabindex='-1']"),this.menuItemsArray=Array.prototype.slice.call(this.menuItems),this.splitButton||(this.triggerElm.setAttribute("role","button"),this.triggerElm.setAttribute("tabindex","0"),this.triggerElm.setAttribute("class",(this.triggerElm.getAttribute("class")||"")+" el-dropdown-selfdefine"))},initEvent:function(){var e=this,t=this.trigger,n=this.show,i=this.hide,r=this.handleClick,o=this.splitButton,s=this.handleTriggerKeyDown,a=this.handleItemKeyDown;this.triggerElm=o?this.$refs.trigger.$el:this.$slots.default[0].elm;var l=this.dropdownElm=this.$slots.dropdown[0].elm;this.triggerElm.addEventListener("keydown",s),l.addEventListener("keydown",a,!0),o||(this.triggerElm.addEventListener("focus",function(){e.focusing=!0}),this.triggerElm.addEventListener("blur",function(){e.focusing=!1}),this.triggerElm.addEventListener("click",function(){e.focusing=!1})),"hover"===t?(this.triggerElm.addEventListener("mouseenter",n),this.triggerElm.addEventListener("mouseleave",i),l.addEventListener("mouseenter",n),l.addEventListener("mouseleave",i)):"click"===t&&this.triggerElm.addEventListener("click",r)},handleMenuItemClick:function(e,t){this.hideOnClick&&(this.visible=!1),this.$emit("command",e,t)},focus:function(){this.triggerElm.focus&&this.triggerElm.focus()}},render:function(e){var t=this,n=this.hide,i=this.splitButton,r=this.type,o=this.dropdownSize,s=i?e("el-button-group",null,[e("el-button",{attrs:{type:r,size:o},nativeOn:{click:function(e){t.$emit("click",e),n()}}},[this.$slots.default]),e("el-button",{ref:"trigger",attrs:{type:r,size:o},class:"el-dropdown__caret-button"},[e("i",{class:"el-dropdown__icon el-icon-arrow-down"},[])])]):this.$slots.default;return e("div",{class:"el-dropdown",directives:[{name:"clickoutside",value:n}]},[s,this.$slots.dropdown])}}},function(e,t){e.exports=n("zAL+")},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(70),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(71),r=n.n(i),o=n(72),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(8),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElDropdownMenu",componentName:"ElDropdownMenu",mixins:[o.default],props:{visibleArrow:{type:Boolean,default:!0},arrowOffset:{type:Number,default:0}},data:function(){return{size:this.dropdown.dropdownSize}},inject:["dropdown"],created:function(){var e=this;this.$on("updatePopper",function(){e.showPopper&&e.updatePopper()}),this.$on("visible",function(t){e.showPopper=t})},mounted:function(){this.$parent.popperElm=this.popperElm=this.$el,this.referenceElm=this.$parent.$el},watch:{"dropdown.placement":{immediate:!0,handler:function(e){this.currentPlacement=e}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("transition",{attrs:{name:"el-zoom-in-top"},on:{"after-leave":this.doDestroy}},[t("ul",{directives:[{name:"show",rawName:"v-show",value:this.showPopper,expression:"showPopper"}],staticClass:"el-dropdown-menu el-popper",class:[this.size&&"el-dropdown-menu--"+this.size]},[this._t("default")],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(74),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(75),r=n.n(i),o=n(76),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElDropdownItem",mixins:[o.default],props:{command:{},disabled:Boolean,divided:Boolean},methods:{handleClick:function(e){this.dispatch("ElDropdown","menu-item-click",[this.command,this])}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("li",{staticClass:"el-dropdown-menu__item",class:{"is-disabled":this.disabled,"el-dropdown-menu__item--divided":this.divided},attrs:{"aria-disabled":this.disabled,tabindex:this.disabled?null:-1},on:{click:this.handleClick}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(78),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(79),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(1)),r=a(n(7)),o=a(n(80)),s=n(3);function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElMenu",render:function(e){var t=e("ul",{attrs:{role:"menubar"},key:+this.collapse,style:{backgroundColor:this.backgroundColor||""},class:{"el-menu--horizontal":"horizontal"===this.mode,"el-menu--collapse":this.collapse,"el-menu":!0}},[this.$slots.default]);return this.collapseTransition?e("el-menu-collapse-transition",null,[t]):t},componentName:"ElMenu",mixins:[i.default,r.default],provide:function(){return{rootMenu:this}},components:{"el-menu-collapse-transition":{functional:!0,render:function(e,t){return e("transition",{props:{mode:"out-in"},on:{beforeEnter:function(e){e.style.opacity=.2},enter:function(e){(0,s.addClass)(e,"el-opacity-transition"),e.style.opacity=1},afterEnter:function(e){(0,s.removeClass)(e,"el-opacity-transition"),e.style.opacity=""},beforeLeave:function(e){e.dataset||(e.dataset={}),(0,s.hasClass)(e,"el-menu--collapse")?((0,s.removeClass)(e,"el-menu--collapse"),e.dataset.oldOverflow=e.style.overflow,e.dataset.scrollWidth=e.clientWidth,(0,s.addClass)(e,"el-menu--collapse")):((0,s.addClass)(e,"el-menu--collapse"),e.dataset.oldOverflow=e.style.overflow,e.dataset.scrollWidth=e.clientWidth,(0,s.removeClass)(e,"el-menu--collapse")),e.style.width=e.scrollWidth+"px",e.style.overflow="hidden"},leave:function(e){(0,s.addClass)(e,"horizontal-collapse-transition"),e.style.width=e.dataset.scrollWidth+"px"}}},t.children)}}},props:{mode:{type:String,default:"vertical"},defaultActive:{type:String,default:""},defaultOpeneds:Array,uniqueOpened:Boolean,router:Boolean,menuTrigger:{type:String,default:"hover"},collapse:Boolean,backgroundColor:String,textColor:String,activeTextColor:String,collapseTransition:{type:Boolean,default:!0}},data:function(){return{activeIndex:this.defaultActive,openedMenus:this.defaultOpeneds&&!this.collapse?this.defaultOpeneds.slice(0):[],items:{},submenus:{}}},computed:{hoverBackground:function(){return this.backgroundColor?this.mixColor(this.backgroundColor,.2):""},isMenuPopup:function(){return"horizontal"===this.mode||"vertical"===this.mode&&this.collapse}},watch:{defaultActive:"updateActiveIndex",defaultOpeneds:function(e){this.collapse||(this.openedMenus=e)},collapse:function(e){e&&(this.openedMenus=[]),this.broadcast("ElSubmenu","toggle-collapse",e)}},methods:{updateActiveIndex:function(){var e=this.items[this.defaultActive];e?(this.activeIndex=e.index,this.initOpenedMenu()):this.activeIndex=null},getMigratingConfig:function(){return{props:{theme:"theme is removed."}}},getColorChannels:function(e){if(e=e.replace("#",""),/^[0-9a-fA-F]{3}$/.test(e)){e=e.split("");for(var t=2;t>=0;t--)e.splice(t,0,e[t]);e=e.join("")}return/^[0-9a-fA-F]{6}$/.test(e)?{red:parseInt(e.slice(0,2),16),green:parseInt(e.slice(2,4),16),blue:parseInt(e.slice(4,6),16)}:{red:255,green:255,blue:255}},mixColor:function(e,t){var n=this.getColorChannels(e),i=n.red,r=n.green,o=n.blue;return t>0?(i*=1-t,r*=1-t,o*=1-t):(i+=(255-i)*t,r+=(255-r)*t,o+=(255-o)*t),"rgb("+Math.round(i)+", "+Math.round(r)+", "+Math.round(o)+")"},addItem:function(e){this.$set(this.items,e.index,e)},removeItem:function(e){delete this.items[e.index]},addSubmenu:function(e){this.$set(this.submenus,e.index,e)},removeSubmenu:function(e){delete this.submenus[e.index]},openMenu:function(e,t){var n=this.openedMenus;-1===n.indexOf(e)&&(this.uniqueOpened&&(this.openedMenus=n.filter(function(e){return-1!==t.indexOf(e)})),this.openedMenus.push(e))},closeMenu:function(e){var t=this.openedMenus.indexOf(e);-1!==t&&this.openedMenus.splice(t,1)},handleSubmenuClick:function(e){var t=e.index,n=e.indexPath;-1!==this.openedMenus.indexOf(t)?(this.closeMenu(t),this.$emit("close",t,n)):(this.openMenu(t,n),this.$emit("open",t,n))},handleItemClick:function(e){var t=this,n=e.index,i=e.indexPath,r=this.activeIndex;this.activeIndex=e.index,this.$emit("select",n,i,e),("horizontal"===this.mode||this.collapse)&&(this.openedMenus=[]),this.router&&this.routeToItem(e,function(e){t.activeIndex=r,e&&console.error(e)})},initOpenedMenu:function(){var e=this,t=this.activeIndex,n=this.items[t];n&&"horizontal"!==this.mode&&!this.collapse&&n.indexPath.forEach(function(t){var n=e.submenus[t];n&&e.openMenu(t,n.indexPath)})},routeToItem:function(e,t){var n=e.route||e.index;try{this.$router.push(n,function(){},t)}catch(e){console.error(e)}},open:function(e){var t=this,n=this.submenus[e.toString()].indexPath;n.forEach(function(e){return t.openMenu(e,n)})},close:function(e){this.closeMenu(e)}},mounted:function(){this.initOpenedMenu(),this.$on("item-click",this.handleItemClick),this.$on("submenu-click",this.handleSubmenuClick),"horizontal"===this.mode&&new o.default(this.$el),this.$watch("items",this.updateActiveIndex)}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(81),o=(i=r)&&i.__esModule?i:{default:i};var s=function(e){this.domNode=e,this.init()};s.prototype.init=function(){var e=this.domNode.childNodes;[].filter.call(e,function(e){return 1===e.nodeType}).forEach(function(e){new o.default(e)})},t.default=s},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(30)),r=o(n(82));function o(e){return e&&e.__esModule?e:{default:e}}var s=function(e){this.domNode=e,this.submenu=null,this.init()};s.prototype.init=function(){this.domNode.setAttribute("tabindex","0");var e=this.domNode.querySelector(".el-menu");e&&(this.submenu=new r.default(this,e)),this.addListeners()},s.prototype.addListeners=function(){var e=this,t=i.default.keys;this.domNode.addEventListener("keydown",function(n){var r=!1;switch(n.keyCode){case t.down:i.default.triggerEvent(n.currentTarget,"mouseenter"),e.submenu&&e.submenu.gotoSubIndex(0),r=!0;break;case t.up:i.default.triggerEvent(n.currentTarget,"mouseenter"),e.submenu&&e.submenu.gotoSubIndex(e.submenu.subMenuItems.length-1),r=!0;break;case t.tab:i.default.triggerEvent(n.currentTarget,"mouseleave");break;case t.enter:case t.space:r=!0,n.currentTarget.click()}r&&n.preventDefault()})},t.default=s},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(30),o=(i=r)&&i.__esModule?i:{default:i};var s=function(e,t){this.domNode=t,this.parent=e,this.subMenuItems=[],this.subIndex=0,this.init()};s.prototype.init=function(){this.subMenuItems=this.domNode.querySelectorAll("li"),this.addListeners()},s.prototype.gotoSubIndex=function(e){e===this.subMenuItems.length?e=0:e<0&&(e=this.subMenuItems.length-1),this.subMenuItems[e].focus(),this.subIndex=e},s.prototype.addListeners=function(){var e=this,t=o.default.keys,n=this.parent.domNode;Array.prototype.forEach.call(this.subMenuItems,function(i){i.addEventListener("keydown",function(i){var r=!1;switch(i.keyCode){case t.down:e.gotoSubIndex(e.subIndex+1),r=!0;break;case t.up:e.gotoSubIndex(e.subIndex-1),r=!0;break;case t.tab:o.default.triggerEvent(n,"mouseleave");break;case t.enter:case t.space:r=!0,i.currentTarget.click()}return r&&(i.preventDefault(),i.stopPropagation()),!1})})},t.default=s},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(84),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(85),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(20)),r=a(n(31)),o=a(n(1)),s=a(n(8));function a(e){return e&&e.__esModule?e:{default:e}}var l={props:{transformOrigin:{type:[Boolean,String],default:!1},offset:s.default.props.offset,boundariesPadding:s.default.props.boundariesPadding,popperOptions:s.default.props.popperOptions},data:s.default.data,methods:s.default.methods,beforeDestroy:s.default.beforeDestroy,deactivated:s.default.deactivated};t.default={name:"ElSubmenu",componentName:"ElSubmenu",mixins:[r.default,o.default,l],components:{ElCollapseTransition:i.default},props:{index:{type:String,required:!0},showTimeout:{type:Number,default:300},hideTimeout:{type:Number,default:300},popperClass:String,disabled:Boolean},data:function(){return{popperJS:null,timeout:null,items:{},submenus:{}}},watch:{opened:function(e){var t=this;this.isMenuPopup&&this.$nextTick(function(e){t.updatePopper()})}},computed:{appendToBody:function(){return this.isFirstLevel},menuTransitionName:function(){return this.rootMenu.collapse?"el-zoom-in-left":"el-zoom-in-top"},opened:function(){return this.rootMenu.openedMenus.indexOf(this.index)>-1},active:function(){var e=!1,t=this.submenus,n=this.items;return Object.keys(n).forEach(function(t){n[t].active&&(e=!0)}),Object.keys(t).forEach(function(n){t[n].active&&(e=!0)}),e},hoverBackground:function(){return this.rootMenu.hoverBackground},backgroundColor:function(){return this.rootMenu.backgroundColor||""},activeTextColor:function(){return this.rootMenu.activeTextColor||""},textColor:function(){return this.rootMenu.textColor||""},mode:function(){return this.rootMenu.mode},isMenuPopup:function(){return this.rootMenu.isMenuPopup},titleStyle:function(){return"horizontal"!==this.mode?{color:this.textColor}:{borderBottomColor:this.active?this.rootMenu.activeTextColor?this.activeTextColor:"":"transparent",color:this.active?this.activeTextColor:this.textColor}},isFirstLevel:function(){for(var e=!0,t=this.$parent;t&&t!==this.rootMenu;){if(["ElSubmenu","ElMenuItemGroup"].indexOf(t.$options.componentName)>-1){e=!1;break}t=t.$parent}return e}},methods:{handleCollapseToggle:function(e){e?this.initPopper():this.doDestroy()},addItem:function(e){this.$set(this.items,e.index,e)},removeItem:function(e){delete this.items[e.index]},addSubmenu:function(e){this.$set(this.submenus,e.index,e)},removeSubmenu:function(e){delete this.submenus[e.index]},handleClick:function(){var e=this.rootMenu,t=this.disabled;"hover"===e.menuTrigger&&"horizontal"===e.mode||e.collapse&&"vertical"===e.mode||t||this.dispatch("ElMenu","submenu-click",this)},handleMouseenter:function(){var e=this,t=this.rootMenu,n=this.disabled;"click"===t.menuTrigger&&"horizontal"===t.mode||!t.collapse&&"vertical"===t.mode||n||(clearTimeout(this.timeout),this.timeout=setTimeout(function(){e.rootMenu.openMenu(e.index,e.indexPath)},this.showTimeout))},handleMouseleave:function(){var e=this,t=this.rootMenu;"click"===t.menuTrigger&&"horizontal"===t.mode||!t.collapse&&"vertical"===t.mode||(clearTimeout(this.timeout),this.timeout=setTimeout(function(){e.rootMenu.closeMenu(e.index)},this.hideTimeout))},handleTitleMouseenter:function(){if("horizontal"!==this.mode||this.rootMenu.backgroundColor){var e=this.$refs["submenu-title"];e&&(e.style.backgroundColor=this.rootMenu.hoverBackground)}},handleTitleMouseleave:function(){if("horizontal"!==this.mode||this.rootMenu.backgroundColor){var e=this.$refs["submenu-title"];e&&(e.style.backgroundColor=this.rootMenu.backgroundColor||"")}},updatePlacement:function(){this.currentPlacement="horizontal"===this.mode&&this.isFirstLevel?"bottom-start":"right-start"},initPopper:function(){this.referenceElm=this.$el,this.popperElm=this.$refs.menu,this.updatePlacement()}},created:function(){this.parentMenu.addSubmenu(this),this.rootMenu.addSubmenu(this),this.$on("toggle-collapse",this.handleCollapseToggle)},mounted:function(){this.initPopper()},beforeDestroy:function(){this.parentMenu.removeSubmenu(this),this.rootMenu.removeSubmenu(this)},render:function(e){var t=this.active,n=this.opened,i=this.paddingStyle,r=this.titleStyle,o=this.backgroundColor,s=this.rootMenu,a=this.currentPlacement,l=this.menuTransitionName,u=this.mode,c=this.disabled,d=this.popperClass,f=this.$slots,h=this.isFirstLevel,p=e("transition",{attrs:{name:l}},[e("div",{ref:"menu",directives:[{name:"show",value:n}],class:["el-menu--"+u,d],on:{mouseenter:this.handleMouseenter,mouseleave:this.handleMouseleave,focus:this.handleMouseenter}},[e("ul",{attrs:{role:"menu"},class:["el-menu el-menu--popup","el-menu--popup-"+a],style:{backgroundColor:s.backgroundColor||""}},[f.default])])]),m=e("el-collapse-transition",null,[e("ul",{attrs:{role:"menu"},class:"el-menu el-menu--inline",directives:[{name:"show",value:n}],style:{backgroundColor:s.backgroundColor||""}},[f.default])]),v="horizontal"===s.mode&&h||"vertical"===s.mode&&!s.collapse?"el-icon-arrow-down":"el-icon-arrow-right";return e("li",{class:{"el-submenu":!0,"is-active":t,"is-opened":n,"is-disabled":c},attrs:{role:"menuitem","aria-haspopup":"true","aria-expanded":n},on:{mouseenter:this.handleMouseenter,mouseleave:this.handleMouseleave,focus:this.handleMouseenter}},[e("div",{class:"el-submenu__title",ref:"submenu-title",on:{click:this.handleClick,mouseenter:this.handleTitleMouseenter,mouseleave:this.handleTitleMouseleave},style:[i,r,{backgroundColor:o}]},[f.title,e("i",{class:["el-submenu__icon-arrow",v]},[])]),this.isMenuPopup?p:m])}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(87),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(88),r=n.n(i),o=n(89),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(31)),r=s(n(23)),o=s(n(1));function s(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElMenuItem",componentName:"ElMenuItem",mixins:[i.default,o.default],components:{ElTooltip:r.default},props:{index:{type:String,required:!0},route:[String,Object],disabled:Boolean},computed:{active:function(){return this.index===this.rootMenu.activeIndex},hoverBackground:function(){return this.rootMenu.hoverBackground},backgroundColor:function(){return this.rootMenu.backgroundColor||""},activeTextColor:function(){return this.rootMenu.activeTextColor||""},textColor:function(){return this.rootMenu.textColor||""},mode:function(){return this.rootMenu.mode},itemStyle:function(){var e={color:this.active?this.activeTextColor:this.textColor};return"horizontal"!==this.mode||this.isNested||(e.borderBottomColor=this.active?this.rootMenu.activeTextColor?this.activeTextColor:"":"transparent"),e},isNested:function(){return this.parentMenu!==this.rootMenu}},methods:{onMouseEnter:function(){("horizontal"!==this.mode||this.rootMenu.backgroundColor)&&(this.$el.style.backgroundColor=this.hoverBackground)},onMouseLeave:function(){("horizontal"!==this.mode||this.rootMenu.backgroundColor)&&(this.$el.style.backgroundColor=this.backgroundColor)},handleClick:function(){this.disabled||(this.dispatch("ElMenu","item-click",this),this.$emit("click",this))}},created:function(){this.parentMenu.addItem(this),this.rootMenu.addItem(this)},beforeDestroy:function(){this.parentMenu.removeItem(this),this.rootMenu.removeItem(this)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("li",{staticClass:"el-menu-item",class:{"is-active":e.active,"is-disabled":e.disabled},style:[e.paddingStyle,e.itemStyle,{backgroundColor:e.backgroundColor}],attrs:{role:"menuitem",tabindex:"-1"},on:{click:e.handleClick,mouseenter:e.onMouseEnter,focus:e.onMouseEnter,blur:e.onMouseLeave,mouseleave:e.onMouseLeave}},["ElMenu"===e.parentMenu.$options.componentName&&e.rootMenu.collapse&&e.$slots.title?n("el-tooltip",{attrs:{effect:"dark",placement:"right"}},[n("div",{attrs:{slot:"content"},slot:"content"},[e._t("title")],2),n("div",{staticStyle:{position:"absolute",left:"0",top:"0",height:"100%",width:"100%",display:"inline-block","box-sizing":"border-box",padding:"0 20px"}},[e._t("default")],2)]):[e._t("default"),e._t("title")]],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(91),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(92),r=n.n(i),o=n(93),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElMenuItemGroup",componentName:"ElMenuItemGroup",inject:["rootMenu"],props:{title:{type:String}},data:function(){return{paddingLeft:20}},computed:{levelPadding:function(){var e=20,t=this.$parent;if(this.rootMenu.collapse)return 20;for(;t&&"ElMenu"!==t.$options.componentName;)"ElSubmenu"===t.$options.componentName&&(e+=20),t=t.$parent;return e}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("li",{staticClass:"el-menu-item-group"},[t("div",{staticClass:"el-menu-item-group__title",style:{paddingLeft:this.levelPadding+"px"}},[this.$slots.title?this._t("title"):[this._v(this._s(this.title))]],2),t("ul",[this._t("default")],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(95),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(96),r=n.n(i),o=n(98),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(1)),r=a(n(7)),o=a(n(97)),s=a(n(10));function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElInput",componentName:"ElInput",mixins:[i.default,r.default],inheritAttrs:!1,inject:{elForm:{default:""},elFormItem:{default:""}},data:function(){return{currentValue:this.value,textareaCalcStyle:{},prefixOffset:null,suffixOffset:null,hovering:!1,focused:!1}},props:{value:[String,Number],size:String,resize:String,form:String,disabled:Boolean,type:{type:String,default:"text"},autosize:{type:[Boolean,Object],default:!1},autoComplete:{type:String,default:"off"},validateEvent:{type:Boolean,default:!0},suffixIcon:String,prefixIcon:String,label:String,clearable:{type:Boolean,default:!1},tabindex:String},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},validateState:function(){return this.elFormItem?this.elFormItem.validateState:""},needStatusIcon:function(){return!!this.elForm&&this.elForm.statusIcon},validateIcon:function(){return{validating:"el-icon-loading",success:"el-icon-circle-check",error:"el-icon-circle-close"}[this.validateState]},textareaStyle:function(){return(0,s.default)({},this.textareaCalcStyle,{resize:this.resize})},inputSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},inputDisabled:function(){return this.disabled||(this.elForm||{}).disabled},isGroup:function(){return this.$slots.prepend||this.$slots.append},showClear:function(){return this.clearable&&!this.disabled&&""!==this.currentValue&&(this.focused||this.hovering)}},watch:{value:function(e,t){this.setCurrentValue(e)}},methods:{focus:function(){(this.$refs.input||this.$refs.textarea).focus()},blur:function(){(this.$refs.input||this.$refs.textarea).blur()},getMigratingConfig:function(){return{props:{icon:"icon is removed, use suffix-icon / prefix-icon instead.","on-icon-click":"on-icon-click is removed."},events:{click:"click is removed."}}},handleBlur:function(e){this.focused=!1,this.$emit("blur",e),this.validateEvent&&this.dispatch("ElFormItem","el.form.blur",[this.currentValue])},select:function(){(this.$refs.input||this.$refs.textarea).select()},resizeTextarea:function(){if(!this.$isServer){var e=this.autosize;if("textarea"===this.type)if(e){var t=e.minRows,n=e.maxRows;this.textareaCalcStyle=(0,o.default)(this.$refs.textarea,t,n)}else this.textareaCalcStyle={minHeight:(0,o.default)(this.$refs.textarea).minHeight}}},handleFocus:function(e){this.focused=!0,this.$emit("focus",e)},handleInput:function(e){var t=e.target.value;this.$emit("input",t),this.setCurrentValue(t)},handleChange:function(e){this.$emit("change",e.target.value)},setCurrentValue:function(e){var t=this;e!==this.currentValue&&(this.$nextTick(function(e){t.resizeTextarea()}),this.currentValue=e,this.validateEvent&&this.dispatch("ElFormItem","el.form.change",[e]))},calcIconOffset:function(e){var t={suf:"append",pre:"prepend"}[e];if(this.$slots[t])return{transform:"translateX("+("suf"===e?"-":"")+this.$el.querySelector(".el-input-group__"+t).offsetWidth+"px)"}},clear:function(){this.$emit("input",""),this.$emit("change",""),this.$emit("clear"),this.setCurrentValue(""),this.focus()}},created:function(){this.$on("inputSelect",this.select)},mounted:function(){this.resizeTextarea(),this.isGroup&&(this.prefixOffset=this.calcIconOffset("pre"),this.suffixOffset=this.calcIconOffset("suf"))}}},function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:1,n=arguments.length>2&&void 0!==arguments[2]?arguments[2]:null;i||(i=document.createElement("textarea"),document.body.appendChild(i));var s=function(e){var t=window.getComputedStyle(e),n=t.getPropertyValue("box-sizing"),i=parseFloat(t.getPropertyValue("padding-bottom"))+parseFloat(t.getPropertyValue("padding-top")),r=parseFloat(t.getPropertyValue("border-bottom-width"))+parseFloat(t.getPropertyValue("border-top-width"));return{contextStyle:o.map(function(e){return e+":"+t.getPropertyValue(e)}).join(";"),paddingSize:i,borderSize:r,boxSizing:n}}(e),a=s.paddingSize,l=s.borderSize,u=s.boxSizing,c=s.contextStyle;i.setAttribute("style",c+";"+r),i.value=e.value||e.placeholder||"";var d=i.scrollHeight,f={};"border-box"===u?d+=l:"content-box"===u&&(d-=a);i.value="";var h=i.scrollHeight-a;if(null!==t){var p=h*t;"border-box"===u&&(p=p+a+l),d=Math.max(p,d),f.minHeight=p+"px"}if(null!==n){var m=h*n;"border-box"===u&&(m=m+a+l),d=Math.min(m,d)}return f.height=d+"px",i.parentNode&&i.parentNode.removeChild(i),i=null,f};var i=void 0,r="\n height:0 !important;\n visibility:hidden !important;\n overflow:hidden !important;\n position:absolute !important;\n z-index:-1000 !important;\n top:0 !important;\n right:0 !important\n",o=["letter-spacing","line-height","padding-top","padding-bottom","font-family","font-weight","font-size","text-rendering","text-transform","width","text-indent","padding-left","padding-right","border-width","box-sizing"]},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{class:["textarea"===e.type?"el-textarea":"el-input",e.inputSize?"el-input--"+e.inputSize:"",{"is-disabled":e.inputDisabled,"el-input-group":e.$slots.prepend||e.$slots.append,"el-input-group--append":e.$slots.append,"el-input-group--prepend":e.$slots.prepend,"el-input--prefix":e.$slots.prefix||e.prefixIcon,"el-input--suffix":e.$slots.suffix||e.suffixIcon}],on:{mouseenter:function(t){e.hovering=!0},mouseleave:function(t){e.hovering=!1}}},["textarea"!==e.type?[e.$slots.prepend?n("div",{staticClass:"el-input-group__prepend"},[e._t("prepend")],2):e._e(),"textarea"!==e.type?n("input",e._b({ref:"input",staticClass:"el-input__inner",attrs:{tabindex:e.tabindex,type:e.type,disabled:e.inputDisabled,autocomplete:e.autoComplete,"aria-label":e.label},domProps:{value:e.currentValue},on:{input:e.handleInput,focus:e.handleFocus,blur:e.handleBlur,change:e.handleChange}},"input",e.$attrs,!1)):e._e(),e.$slots.prefix||e.prefixIcon?n("span",{staticClass:"el-input__prefix",style:e.prefixOffset},[e._t("prefix"),e.prefixIcon?n("i",{staticClass:"el-input__icon",class:e.prefixIcon}):e._e()],2):e._e(),e.$slots.suffix||e.suffixIcon||e.showClear||e.validateState&&e.needStatusIcon?n("span",{staticClass:"el-input__suffix",style:e.suffixOffset},[n("span",{staticClass:"el-input__suffix-inner"},[e.showClear?n("i",{staticClass:"el-input__icon el-icon-circle-close el-input__clear",on:{click:e.clear}}):[e._t("suffix"),e.suffixIcon?n("i",{staticClass:"el-input__icon",class:e.suffixIcon}):e._e()]],2),e.validateState?n("i",{staticClass:"el-input__icon",class:["el-input__validateIcon",e.validateIcon]}):e._e()]):e._e(),e.$slots.append?n("div",{staticClass:"el-input-group__append"},[e._t("append")],2):e._e()]:n("textarea",e._b({ref:"textarea",staticClass:"el-textarea__inner",style:e.textareaStyle,attrs:{tabindex:e.tabindex,disabled:e.inputDisabled,"aria-label":e.label},domProps:{value:e.currentValue},on:{input:e.handleInput,focus:e.handleFocus,blur:e.handleBlur,change:e.handleChange}},"textarea",e.$attrs,!1))],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(100),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(101),r=n.n(i),o=n(102),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(6)),r=s(n(19)),o=s(n(32));function s(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElInputNumber",mixins:[(0,r.default)("input")],inject:{elForm:{default:""},elFormItem:{default:""}},directives:{repeatClick:o.default},components:{ElInput:i.default},props:{step:{type:Number,default:1},max:{type:Number,default:1/0},min:{type:Number,default:-1/0},value:{},disabled:Boolean,size:String,controls:{type:Boolean,default:!0},controlsPosition:{type:String,default:""},name:String,label:String},data:function(){return{currentValue:0}},watch:{value:{immediate:!0,handler:function(e){var t=void 0===e?e:Number(e);void 0!==t&&isNaN(t)||(t>=this.max&&(t=this.max),t<=this.min&&(t=this.min),this.currentValue=t,this.$emit("input",t))}}},computed:{minDisabled:function(){return this._decrease(this.value,this.step)<this.min},maxDisabled:function(){return this._increase(this.value,this.step)>this.max},precision:function(){var e=this.value,t=this.step,n=this.getPrecision;return Math.max(n(e),n(t))},controlsAtRight:function(){return"right"===this.controlsPosition},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},inputNumberSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},inputNumberDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},methods:{toPrecision:function(e,t){return void 0===t&&(t=this.precision),parseFloat(parseFloat(Number(e).toFixed(t)))},getPrecision:function(e){if(void 0===e)return 0;var t=e.toString(),n=t.indexOf("."),i=0;return-1!==n&&(i=t.length-n-1),i},_increase:function(e,t){if("number"!=typeof e&&void 0!==e)return this.currentValue;var n=Math.pow(10,this.precision);return this.toPrecision((n*e+n*t)/n)},_decrease:function(e,t){if("number"!=typeof e&&void 0!==e)return this.currentValue;var n=Math.pow(10,this.precision);return this.toPrecision((n*e-n*t)/n)},increase:function(){if(!this.inputNumberDisabled&&!this.maxDisabled){var e=this.value||0,t=this._increase(e,this.step);this.setCurrentValue(t)}},decrease:function(){if(!this.inputNumberDisabled&&!this.minDisabled){var e=this.value||0,t=this._decrease(e,this.step);this.setCurrentValue(t)}},handleBlur:function(e){this.$emit("blur",e),this.$refs.input.setCurrentValue(this.currentValue)},handleFocus:function(e){this.$emit("focus",e)},setCurrentValue:function(e){var t=this.currentValue;e>=this.max&&(e=this.max),e<=this.min&&(e=this.min),t!==e?(this.$emit("change",e,t),this.$emit("input",e),this.currentValue=e):this.$refs.input.setCurrentValue(this.currentValue)},handleInputChange:function(e){var t=""===e?void 0:Number(e);isNaN(t)&&""!==e||this.setCurrentValue(t)}},mounted:function(){var e=this.$refs.input.$refs.input;e.setAttribute("role","spinbutton"),e.setAttribute("aria-valuemax",this.max),e.setAttribute("aria-valuemin",this.min),e.setAttribute("aria-valuenow",this.currentValue),e.setAttribute("aria-disabled",this.inputNumberDisabled)},updated:function(){this.$refs.input.$refs.input.setAttribute("aria-valuenow",this.currentValue)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{class:["el-input-number",e.inputNumberSize?"el-input-number--"+e.inputNumberSize:"",{"is-disabled":e.inputNumberDisabled},{"is-without-controls":!e.controls},{"is-controls-right":e.controlsAtRight}],on:{dragstart:function(e){e.preventDefault()}}},[e.controls?n("span",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.decrease,expression:"decrease"}],staticClass:"el-input-number__decrease",class:{"is-disabled":e.minDisabled},attrs:{role:"button"},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.decrease(t)}}},[n("i",{class:"el-icon-"+(e.controlsAtRight?"arrow-down":"minus")})]):e._e(),e.controls?n("span",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.increase,expression:"increase"}],staticClass:"el-input-number__increase",class:{"is-disabled":e.maxDisabled},attrs:{role:"button"},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.increase(t)}}},[n("i",{class:"el-icon-"+(e.controlsAtRight?"arrow-up":"plus")})]):e._e(),n("el-input",{ref:"input",attrs:{value:e.currentValue,disabled:e.inputNumberDisabled,size:e.inputNumberSize,max:e.max,min:e.min,name:e.name,label:e.label},on:{blur:e.handleBlur,focus:e.handleFocus,change:e.handleInputChange},nativeOn:{keydown:[function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.preventDefault(),e.increase(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.preventDefault(),e.decrease(t)}]}},[e.$slots.prepend?n("template",{attrs:{slot:"prepend"},slot:"prepend"},[e._t("prepend")],2):e._e(),e.$slots.append?n("template",{attrs:{slot:"append"},slot:"append"},[e._t("append")],2):e._e()],2)],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(104),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component("el-radio",o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(105),r=n.n(i),o=n(106),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElRadio",mixins:[o.default],inject:{elForm:{default:""},elFormItem:{default:""}},componentName:"ElRadio",props:{value:{},label:{},disabled:Boolean,name:String,border:Boolean,size:String},data:function(){return{focus:!1}},computed:{isGroup:function(){for(var e=this.$parent;e;){if("ElRadioGroup"===e.$options.componentName)return this._radioGroup=e,!0;e=e.$parent}return!1},model:{get:function(){return this.isGroup?this._radioGroup.value:this.value},set:function(e){this.isGroup?this.dispatch("ElRadioGroup","input",[e]):this.$emit("input",e)}},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},radioSize:function(){var e=this.size||this._elFormItemSize||(this.$ELEMENT||{}).size;return this.isGroup&&this._radioGroup.radioGroupSize||e},isDisabled:function(){return this.isGroup?this._radioGroup.disabled||this.disabled||(this.elForm||{}).disabled:this.disabled||(this.elForm||{}).disabled},tabIndex:function(){return this.isDisabled?-1:this.isGroup?this.model===this.label?0:-1:0}},methods:{handleChange:function(){var e=this;this.$nextTick(function(){e.$emit("change",e.model),e.isGroup&&e.dispatch("ElRadioGroup","handleChange",e.model)})}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("label",{staticClass:"el-radio",class:[e.border&&e.radioSize?"el-radio--"+e.radioSize:"",{"is-disabled":e.isDisabled},{"is-focus":e.focus},{"is-bordered":e.border},{"is-checked":e.model===e.label}],attrs:{role:"radio","aria-checked":e.model===e.label,"aria-disabled":e.isDisabled,tabindex:e.tabIndex},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"space",32,t.key))return null;t.stopPropagation(),t.preventDefault(),e.model=e.label}}},[n("span",{staticClass:"el-radio__input",class:{"is-disabled":e.isDisabled,"is-checked":e.model===e.label}},[n("span",{staticClass:"el-radio__inner"}),n("input",{directives:[{name:"model",rawName:"v-model",value:e.model,expression:"model"}],staticClass:"el-radio__original",attrs:{type:"radio",name:e.name,disabled:e.isDisabled,tabindex:"-1"},domProps:{value:e.label,checked:e._q(e.model,e.label)},on:{focus:function(t){e.focus=!0},blur:function(t){e.focus=!1},change:[function(t){e.model=e.label},e.handleChange]}})]),n("span",{staticClass:"el-radio__label"},[e._t("default"),e.$slots.default?e._e():[e._v(e._s(e.label))]],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(108),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(109),r=n.n(i),o=n(110),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};var s=Object.freeze({LEFT:37,UP:38,RIGHT:39,DOWN:40});t.default={name:"ElRadioGroup",componentName:"ElRadioGroup",inject:{elFormItem:{default:""}},mixins:[o.default],props:{value:{},size:String,fill:String,textColor:String,disabled:Boolean},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},radioGroupSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size}},created:function(){var e=this;this.$on("handleChange",function(t){e.$emit("change",t)})},mounted:function(){var e=this.$el.querySelectorAll("[type=radio]"),t=this.$el.querySelectorAll("[role=radio]")[0];![].some.call(e,function(e){return e.checked})&&t&&(t.tabIndex=0)},methods:{handleKeydown:function(e){var t=e.target,n="INPUT"===t.nodeName?"[type=radio]":"[role=radio]",i=this.$el.querySelectorAll(n),r=i.length,o=[].indexOf.call(i,t),a=this.$el.querySelectorAll("[role=radio]");switch(e.keyCode){case s.LEFT:case s.UP:e.stopPropagation(),e.preventDefault(),0===o?a[r-1].click():a[o-1].click();break;case s.RIGHT:case s.DOWN:o===r-1?(e.stopPropagation(),e.preventDefault(),a[0].click()):a[o+1].click()}}},watch:{value:function(e){this.dispatch("ElFormItem","el.form.change",[this.value])}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-radio-group",attrs:{role:"radiogroup"},on:{keydown:this.handleKeydown}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(112),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(113),r=n.n(i),o=n(114),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElRadioButton",mixins:[o.default],inject:{elForm:{default:""},elFormItem:{default:""}},props:{label:{},disabled:Boolean,name:String},data:function(){return{focus:!1}},computed:{value:{get:function(){return this._radioGroup.value},set:function(e){this._radioGroup.$emit("input",e)}},_radioGroup:function(){for(var e=this.$parent;e;){if("ElRadioGroup"===e.$options.componentName)return e;e=e.$parent}return!1},activeStyle:function(){return{backgroundColor:this._radioGroup.fill||"",borderColor:this._radioGroup.fill||"",boxShadow:this._radioGroup.fill?"-1px 0 0 0 "+this._radioGroup.fill:"",color:this._radioGroup.textColor||""}},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},size:function(){return this._radioGroup.radioGroupSize||this._elFormItemSize||(this.$ELEMENT||{}).size},isDisabled:function(){return this.disabled||this._radioGroup.disabled||(this.elForm||{}).disabled},tabIndex:function(){return this.isDisabled?-1:this._radioGroup?this.value===this.label?0:-1:0}},methods:{handleChange:function(){var e=this;this.$nextTick(function(){e.dispatch("ElRadioGroup","handleChange",e.value)})}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("label",{staticClass:"el-radio-button",class:[e.size?"el-radio-button--"+e.size:"",{"is-active":e.value===e.label},{"is-disabled":e.isDisabled},{"is-focus":e.focus}],attrs:{role:"radio","aria-checked":e.value===e.label,"aria-disabled":e.isDisabled,tabindex:e.tabIndex},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"space",32,t.key))return null;t.stopPropagation(),t.preventDefault(),e.value=e.label}}},[n("input",{directives:[{name:"model",rawName:"v-model",value:e.value,expression:"value"}],staticClass:"el-radio-button__orig-radio",attrs:{type:"radio",name:e.name,disabled:e.isDisabled,tabindex:"-1"},domProps:{value:e.label,checked:e._q(e.value,e.label)},on:{change:[function(t){e.value=e.label},e.handleChange],focus:function(t){e.focus=!0},blur:function(t){e.focus=!1}}}),n("span",{staticClass:"el-radio-button__inner",style:e.value===e.label?e.activeStyle:null},[e._t("default"),e.$slots.default?e._e():[e._v(e._s(e.label))]],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(116),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(117),r=n.n(i),o=n(118),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElCheckbox",mixins:[o.default],inject:{elForm:{default:""},elFormItem:{default:""}},componentName:"ElCheckbox",data:function(){return{selfModel:!1,focus:!1,isLimitExceeded:!1}},computed:{model:{get:function(){return this.isGroup?this.store:void 0!==this.value?this.value:this.selfModel},set:function(e){this.isGroup?(this.isLimitExceeded=!1,void 0!==this._checkboxGroup.min&&e.length<this._checkboxGroup.min&&(this.isLimitExceeded=!0),void 0!==this._checkboxGroup.max&&e.length>this._checkboxGroup.max&&(this.isLimitExceeded=!0),!1===this.isLimitExceeded&&this.dispatch("ElCheckboxGroup","input",[e])):(this.$emit("input",e),this.selfModel=e)}},isChecked:function(){return"[object Boolean]"==={}.toString.call(this.model)?this.model:Array.isArray(this.model)?this.model.indexOf(this.label)>-1:null!==this.model&&void 0!==this.model?this.model===this.trueLabel:void 0},isGroup:function(){for(var e=this.$parent;e;){if("ElCheckboxGroup"===e.$options.componentName)return this._checkboxGroup=e,!0;e=e.$parent}return!1},store:function(){return this._checkboxGroup?this._checkboxGroup.value:this.value},isDisabled:function(){return this.isGroup?this._checkboxGroup.disabled||this.disabled||(this.elForm||{}).disabled:this.disabled||(this.elForm||{}).disabled},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},checkboxSize:function(){var e=this.size||this._elFormItemSize||(this.$ELEMENT||{}).size;return this.isGroup&&this._checkboxGroup.checkboxGroupSize||e}},props:{value:{},label:{},indeterminate:Boolean,disabled:Boolean,checked:Boolean,name:String,trueLabel:[String,Number],falseLabel:[String,Number],id:String,controls:String,border:Boolean,size:String},methods:{addToStore:function(){Array.isArray(this.model)&&-1===this.model.indexOf(this.label)?this.model.push(this.label):this.model=this.trueLabel||!0},handleChange:function(e){var t=this;if(!this.isLimitExceeded){var n=void 0;n=e.target.checked?void 0===this.trueLabel||this.trueLabel:void 0!==this.falseLabel&&this.falseLabel,this.$emit("change",n,e),this.$nextTick(function(){t.isGroup&&t.dispatch("ElCheckboxGroup","change",[t._checkboxGroup.value])})}}},created:function(){this.checked&&this.addToStore()},mounted:function(){this.indeterminate&&this.$el.setAttribute("aria-controls",this.controls)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("label",{staticClass:"el-checkbox",class:[e.border&&e.checkboxSize?"el-checkbox--"+e.checkboxSize:"",{"is-disabled":e.isDisabled},{"is-bordered":e.border},{"is-checked":e.isChecked}],attrs:{role:"checkbox","aria-checked":e.indeterminate?"mixed":e.isChecked,"aria-disabled":e.isDisabled,id:e.id}},[n("span",{staticClass:"el-checkbox__input",class:{"is-disabled":e.isDisabled,"is-checked":e.isChecked,"is-indeterminate":e.indeterminate,"is-focus":e.focus},attrs:{"aria-checked":"mixed"}},[n("span",{staticClass:"el-checkbox__inner"}),e.trueLabel||e.falseLabel?n("input",{directives:[{name:"model",rawName:"v-model",value:e.model,expression:"model"}],staticClass:"el-checkbox__original",attrs:{type:"checkbox",name:e.name,disabled:e.isDisabled,"true-value":e.trueLabel,"false-value":e.falseLabel},domProps:{checked:Array.isArray(e.model)?e._i(e.model,null)>-1:e._q(e.model,e.trueLabel)},on:{change:[function(t){var n=e.model,i=t.target,r=i.checked?e.trueLabel:e.falseLabel;if(Array.isArray(n)){var o=e._i(n,null);i.checked?o<0&&(e.model=n.concat([null])):o>-1&&(e.model=n.slice(0,o).concat(n.slice(o+1)))}else e.model=r},e.handleChange],focus:function(t){e.focus=!0},blur:function(t){e.focus=!1}}}):n("input",{directives:[{name:"model",rawName:"v-model",value:e.model,expression:"model"}],staticClass:"el-checkbox__original",attrs:{type:"checkbox",disabled:e.isDisabled,name:e.name},domProps:{value:e.label,checked:Array.isArray(e.model)?e._i(e.model,e.label)>-1:e.model},on:{change:[function(t){var n=e.model,i=t.target,r=!!i.checked;if(Array.isArray(n)){var o=e.label,s=e._i(n,o);i.checked?s<0&&(e.model=n.concat([o])):s>-1&&(e.model=n.slice(0,s).concat(n.slice(s+1)))}else e.model=r},e.handleChange],focus:function(t){e.focus=!0},blur:function(t){e.focus=!1}}})]),e.$slots.default||e.label?n("span",{staticClass:"el-checkbox__label"},[e._t("default"),e.$slots.default?e._e():[e._v(e._s(e.label))]],2):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(120),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(121),r=n.n(i),o=n(122),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElCheckboxButton",mixins:[o.default],inject:{elForm:{default:""},elFormItem:{default:""}},data:function(){return{selfModel:!1,focus:!1,isLimitExceeded:!1}},props:{value:{},label:{},disabled:Boolean,checked:Boolean,name:String,trueLabel:[String,Number],falseLabel:[String,Number]},computed:{model:{get:function(){return this._checkboxGroup?this.store:void 0!==this.value?this.value:this.selfModel},set:function(e){this._checkboxGroup?(this.isLimitExceeded=!1,void 0!==this._checkboxGroup.min&&e.length<this._checkboxGroup.min&&(this.isLimitExceeded=!0),void 0!==this._checkboxGroup.max&&e.length>this._checkboxGroup.max&&(this.isLimitExceeded=!0),!1===this.isLimitExceeded&&this.dispatch("ElCheckboxGroup","input",[e])):void 0!==this.value?this.$emit("input",e):this.selfModel=e}},isChecked:function(){return"[object Boolean]"==={}.toString.call(this.model)?this.model:Array.isArray(this.model)?this.model.indexOf(this.label)>-1:null!==this.model&&void 0!==this.model?this.model===this.trueLabel:void 0},_checkboxGroup:function(){for(var e=this.$parent;e;){if("ElCheckboxGroup"===e.$options.componentName)return e;e=e.$parent}return!1},store:function(){return this._checkboxGroup?this._checkboxGroup.value:this.value},activeStyle:function(){return{backgroundColor:this._checkboxGroup.fill||"",borderColor:this._checkboxGroup.fill||"",color:this._checkboxGroup.textColor||"","box-shadow":"-1px 0 0 0 "+this._checkboxGroup.fill}},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},size:function(){return this._checkboxGroup.checkboxGroupSize||this._elFormItemSize||(this.$ELEMENT||{}).size},isDisabled:function(){return this._checkboxGroup?this._checkboxGroup.disabled||this.disabled||(this.elForm||{}).disabled:this.disabled||(this.elForm||{}).disabled}},methods:{addToStore:function(){Array.isArray(this.model)&&-1===this.model.indexOf(this.label)?this.model.push(this.label):this.model=this.trueLabel||!0},handleChange:function(e){var t=this;if(!this.isLimitExceeded){var n=void 0;n=e.target.checked?void 0===this.trueLabel||this.trueLabel:void 0!==this.falseLabel&&this.falseLabel,this.$emit("change",n,e),this.$nextTick(function(){t._checkboxGroup&&t.dispatch("ElCheckboxGroup","change",[t._checkboxGroup.value])})}}},created:function(){this.checked&&this.addToStore()}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("label",{staticClass:"el-checkbox-button",class:[e.size?"el-checkbox-button--"+e.size:"",{"is-disabled":e.isDisabled},{"is-checked":e.isChecked},{"is-focus":e.focus}],attrs:{role:"checkbox","aria-checked":e.isChecked,"aria-disabled":e.isDisabled}},[e.trueLabel||e.falseLabel?n("input",{directives:[{name:"model",rawName:"v-model",value:e.model,expression:"model"}],staticClass:"el-checkbox-button__original",attrs:{type:"checkbox",name:e.name,disabled:e.isDisabled,"true-value":e.trueLabel,"false-value":e.falseLabel},domProps:{checked:Array.isArray(e.model)?e._i(e.model,null)>-1:e._q(e.model,e.trueLabel)},on:{change:[function(t){var n=e.model,i=t.target,r=i.checked?e.trueLabel:e.falseLabel;if(Array.isArray(n)){var o=e._i(n,null);i.checked?o<0&&(e.model=n.concat([null])):o>-1&&(e.model=n.slice(0,o).concat(n.slice(o+1)))}else e.model=r},e.handleChange],focus:function(t){e.focus=!0},blur:function(t){e.focus=!1}}}):n("input",{directives:[{name:"model",rawName:"v-model",value:e.model,expression:"model"}],staticClass:"el-checkbox-button__original",attrs:{type:"checkbox",name:e.name,disabled:e.isDisabled},domProps:{value:e.label,checked:Array.isArray(e.model)?e._i(e.model,e.label)>-1:e.model},on:{change:[function(t){var n=e.model,i=t.target,r=!!i.checked;if(Array.isArray(n)){var o=e.label,s=e._i(n,o);i.checked?s<0&&(e.model=n.concat([o])):s>-1&&(e.model=n.slice(0,s).concat(n.slice(s+1)))}else e.model=r},e.handleChange],focus:function(t){e.focus=!0},blur:function(t){e.focus=!1}}}),e.$slots.default||e.label?n("span",{staticClass:"el-checkbox-button__inner",style:e.isChecked?e.activeStyle:null},[e._t("default",[e._v(e._s(e.label))])],2):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(124),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(125),r=n.n(i),o=n(126),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElCheckboxGroup",componentName:"ElCheckboxGroup",mixins:[o.default],inject:{elFormItem:{default:""}},props:{value:{},disabled:Boolean,min:Number,max:Number,size:String,fill:String,textColor:String},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},checkboxGroupSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size}},watch:{value:function(e){this.dispatch("ElFormItem","el.form.change",[e])}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-checkbox-group",attrs:{role:"group","aria-label":"checkbox-group"}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(128),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(129),r=n.n(i),o=n(130),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(19)),r=o(n(7));function o(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElSwitch",mixins:[(0,i.default)("input"),r.default],inject:{elForm:{default:""}},props:{value:{type:[Boolean,String,Number],default:!1},disabled:{type:Boolean,default:!1},width:{type:Number,default:0},activeIconClass:{type:String,default:""},inactiveIconClass:{type:String,default:""},activeText:String,inactiveText:String,activeColor:{type:String,default:""},inactiveColor:{type:String,default:""},activeValue:{type:[Boolean,String,Number],default:!0},inactiveValue:{type:[Boolean,String,Number],default:!1},name:{type:String,default:""}},data:function(){return{coreWidth:this.width}},created:function(){~[this.activeValue,this.inactiveValue].indexOf(this.value)||this.$emit("input",this.inactiveValue)},computed:{checked:function(){return this.value===this.activeValue},transform:function(){return this.checked?"translate3d("+(this.coreWidth-20)+"px, 0, 0)":""},switchDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},watch:{checked:function(){this.$refs.input.checked=this.checked,(this.activeColor||this.inactiveColor)&&this.setBackgroundColor()}},methods:{handleChange:function(e){var t=this;this.$emit("input",this.checked?this.inactiveValue:this.activeValue),this.$emit("change",this.checked?this.inactiveValue:this.activeValue),this.$nextTick(function(){t.$refs.input.checked=t.checked})},setBackgroundColor:function(){var e=this.checked?this.activeColor:this.inactiveColor;this.$refs.core.style.borderColor=e,this.$refs.core.style.backgroundColor=e},switchValue:function(){!this.switchDisabled&&this.handleChange()},getMigratingConfig:function(){return{props:{"on-color":"on-color is renamed to active-color.","off-color":"off-color is renamed to inactive-color.","on-text":"on-text is renamed to active-text.","off-text":"off-text is renamed to inactive-text.","on-value":"on-value is renamed to active-value.","off-value":"off-value is renamed to inactive-value.","on-icon-class":"on-icon-class is renamed to active-icon-class.","off-icon-class":"off-icon-class is renamed to inactive-icon-class."}}}},mounted:function(){this.coreWidth=this.width||40,(this.activeColor||this.inactiveColor)&&this.setBackgroundColor(),this.$refs.input.checked=this.checked}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-switch",class:{"is-disabled":e.switchDisabled,"is-checked":e.checked},attrs:{role:"switch","aria-checked":e.checked,"aria-disabled":e.switchDisabled},on:{click:e.switchValue}},[n("input",{ref:"input",staticClass:"el-switch__input",attrs:{type:"checkbox",name:e.name,"true-value":e.activeValue,"false-value":e.inactiveValue,disabled:e.switchDisabled},on:{change:e.handleChange,keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.switchValue(t)}}}),e.inactiveIconClass||e.inactiveText?n("span",{class:["el-switch__label","el-switch__label--left",e.checked?"":"is-active"]},[e.inactiveIconClass?n("i",{class:[e.inactiveIconClass]}):e._e(),!e.inactiveIconClass&&e.inactiveText?n("span",{attrs:{"aria-hidden":e.checked}},[e._v(e._s(e.inactiveText))]):e._e()]):e._e(),n("span",{ref:"core",staticClass:"el-switch__core",style:{width:e.coreWidth+"px"}},[n("span",{staticClass:"el-switch__button",style:{transform:e.transform}})]),e.activeIconClass||e.activeText?n("span",{class:["el-switch__label","el-switch__label--right",e.checked?"is-active":""]},[e.activeIconClass?n("i",{class:[e.activeIconClass]}):e._e(),!e.activeIconClass&&e.activeText?n("span",{attrs:{"aria-hidden":!e.checked}},[e._v(e._s(e.activeText))]):e._e()]):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(132),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(133),r=n.n(i),o=n(140),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},r=_(n(1)),o=_(n(19)),s=_(n(2)),a=_(n(6)),l=_(n(134)),u=_(n(33)),c=_(n(24)),d=_(n(18)),f=_(n(13)),h=_(n(9)),p=n(3),m=n(17),v=n(16),g=_(n(25)),y=n(4),b=_(n(139));function _(e){return e&&e.__esModule?e:{default:e}}var x={medium:36,small:32,mini:28};t.default={mixins:[r.default,s.default,(0,o.default)("reference"),b.default],name:"ElSelect",componentName:"ElSelect",inject:{elForm:{default:""},elFormItem:{default:""}},provide:function(){return{select:this}},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},iconClass:function(){return this.clearable&&!this.selectDisabled&&this.inputHovering&&!this.multiple&&void 0!==this.value&&""!==this.value?"circle-close is-show-close":this.remote&&this.filterable?"":"arrow-up"},debounce:function(){return this.remote?300:0},emptyText:function(){return this.loading?this.loadingText||this.t("el.select.loading"):(!this.remote||""!==this.query||0!==this.options.length)&&(this.filterable&&this.query&&this.options.length>0&&0===this.filteredOptionsCount?this.noMatchText||this.t("el.select.noMatch"):0===this.options.length?this.noDataText||this.t("el.select.noData"):null)},showNewOption:function(){var e=this,t=this.options.filter(function(e){return!e.created}).some(function(t){return t.currentLabel===e.query});return this.filterable&&this.allowCreate&&""!==this.query&&!t},selectSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},selectDisabled:function(){return this.disabled||(this.elForm||{}).disabled},collapseTagSize:function(){return["small","mini"].indexOf(this.selectSize)>-1?"mini":"small"}},components:{ElInput:a.default,ElSelectMenu:l.default,ElOption:u.default,ElTag:c.default,ElScrollbar:d.default},directives:{Clickoutside:h.default},props:{name:String,id:String,value:{required:!0},autoComplete:{type:String,default:"off"},size:String,disabled:Boolean,clearable:Boolean,filterable:Boolean,allowCreate:Boolean,loading:Boolean,popperClass:String,remote:Boolean,loadingText:String,noMatchText:String,noDataText:String,remoteMethod:Function,filterMethod:Function,multiple:Boolean,multipleLimit:{type:Number,default:0},placeholder:{type:String,default:function(){return(0,v.t)("el.select.placeholder")}},defaultFirstOption:Boolean,reserveKeyword:Boolean,valueKey:{type:String,default:"value"},collapseTags:Boolean,popperAppendToBody:{type:Boolean,default:!0}},data:function(){return{options:[],cachedOptions:[],createdLabel:null,createdSelected:!1,selected:this.multiple?[]:{},inputLength:20,inputWidth:0,cachedPlaceHolder:"",optionsCount:0,filteredOptionsCount:0,visible:!1,softFocus:!1,selectedLabel:"",hoverIndex:-1,query:"",previousQuery:null,inputHovering:!1,currentPlaceholder:""}},watch:{selectDisabled:function(){var e=this;this.$nextTick(function(){e.resetInputHeight()})},placeholder:function(e){this.cachedPlaceHolder=this.currentPlaceholder=e},value:function(e){this.multiple&&(this.resetInputHeight(),e.length>0||this.$refs.input&&""!==this.query?this.currentPlaceholder="":this.currentPlaceholder=this.cachedPlaceHolder,this.filterable&&!this.reserveKeyword&&(this.query="",this.handleQueryChange(this.query))),this.setSelected(),this.filterable&&!this.multiple&&(this.inputLength=20)},visible:function(e){var t=this;e?(this.handleIconShow(),this.broadcast("ElSelectDropdown","updatePopper"),this.filterable&&(this.query=this.remote?"":this.selectedLabel,this.handleQueryChange(this.query),this.multiple?this.$refs.input.focus():(this.remote||(this.broadcast("ElOption","queryChange",""),this.broadcast("ElOptionGroup","queryChange")),this.broadcast("ElInput","inputSelect")))):(this.handleIconHide(),this.broadcast("ElSelectDropdown","destroyPopper"),this.$refs.input&&this.$refs.input.blur(),this.query="",this.previousQuery=null,this.selectedLabel="",this.inputLength=20,this.resetHoverIndex(),this.$nextTick(function(){t.$refs.input&&""===t.$refs.input.value&&0===t.selected.length&&(t.currentPlaceholder=t.cachedPlaceHolder)}),this.multiple||this.selected&&(this.filterable&&this.allowCreate&&this.createdSelected&&this.createdOption?this.selectedLabel=this.createdLabel:this.selectedLabel=this.selected.currentLabel,this.filterable&&(this.query=this.selectedLabel))),this.$emit("visible-change",e)},options:function(){var e=this;if(!this.$isServer){this.$nextTick(function(){e.broadcast("ElSelectDropdown","updatePopper")}),this.multiple&&this.resetInputHeight();var t=this.$el.querySelectorAll("input");-1===[].indexOf.call(t,document.activeElement)&&this.setSelected(),this.defaultFirstOption&&(this.filterable||this.remote)&&this.filteredOptionsCount&&this.checkDefaultFirstOption()}}},methods:{handleQueryChange:function(e){var t=this;if(this.previousQuery!==e)if(null!==this.previousQuery||"function"!=typeof this.filterMethod&&"function"!=typeof this.remoteMethod){if(this.previousQuery=e,this.$nextTick(function(){t.visible&&t.broadcast("ElSelectDropdown","updatePopper")}),this.hoverIndex=-1,this.multiple&&this.filterable){var n=15*this.$refs.input.value.length+20;this.inputLength=this.collapseTags?Math.min(50,n):n,this.managePlaceholder(),this.resetInputHeight()}this.remote&&"function"==typeof this.remoteMethod?(this.hoverIndex=-1,this.remoteMethod(e)):"function"==typeof this.filterMethod?(this.filterMethod(e),this.broadcast("ElOptionGroup","queryChange")):(this.filteredOptionsCount=this.optionsCount,this.broadcast("ElOption","queryChange",e),this.broadcast("ElOptionGroup","queryChange")),this.defaultFirstOption&&(this.filterable||this.remote)&&this.filteredOptionsCount&&this.checkDefaultFirstOption()}else this.previousQuery=e},handleIconHide:function(){var e=this.$el.querySelector(".el-input__icon");e&&(0,p.removeClass)(e,"is-reverse")},handleIconShow:function(){var e=this.$el.querySelector(".el-input__icon");e&&!(0,p.hasClass)(e,"el-icon-circle-close")&&(0,p.addClass)(e,"is-reverse")},scrollToOption:function(e){var t=Array.isArray(e)&&e[0]?e[0].$el:e.$el;if(this.$refs.popper&&t){var n=this.$refs.popper.$el.querySelector(".el-select-dropdown__wrap");(0,g.default)(n,t)}this.$refs.scrollbar&&this.$refs.scrollbar.handleScroll()},handleMenuEnter:function(){var e=this;this.$nextTick(function(){return e.scrollToOption(e.selected)})},emitChange:function(e){(0,y.valueEquals)(this.value,e)||(this.$emit("change",e),this.dispatch("ElFormItem","el.form.change",e))},getOption:function(e){for(var t=void 0,n="[object object]"===Object.prototype.toString.call(e).toLowerCase(),i=this.cachedOptions.length-1;i>=0;i--){var r=this.cachedOptions[i];if(n?(0,y.getValueByPath)(r.value,this.valueKey)===(0,y.getValueByPath)(e,this.valueKey):r.value===e){t=r;break}}if(t)return t;var o={value:e,currentLabel:n?"":e};return this.multiple&&(o.hitState=!1),o},setSelected:function(){var e=this;if(!this.multiple){var t=this.getOption(this.value);return t.created?(this.createdLabel=t.currentLabel,this.createdSelected=!0):this.createdSelected=!1,this.selectedLabel=t.currentLabel,this.selected=t,void(this.filterable&&(this.query=this.selectedLabel))}var n=[];Array.isArray(this.value)&&this.value.forEach(function(t){n.push(e.getOption(t))}),this.selected=n,this.$nextTick(function(){e.resetInputHeight()})},handleFocus:function(e){this.softFocus?this.softFocus=!1:this.$emit("focus",e)},blur:function(){this.visible=!1,this.$refs.reference.blur()},handleBlur:function(e){this.$emit("blur",e)},handleIconClick:function(e){this.iconClass.indexOf("circle-close")>-1&&this.deleteSelected(e)},doDestroy:function(){this.$refs.popper&&this.$refs.popper.doDestroy()},handleClose:function(){this.visible=!1},toggleLastOptionHitState:function(e){if(Array.isArray(this.selected)){var t=this.selected[this.selected.length-1];if(t)return!0===e||!1===e?(t.hitState=e,e):(t.hitState=!t.hitState,t.hitState)}},deletePrevTag:function(e){if(e.target.value.length<=0&&!this.toggleLastOptionHitState()){var t=this.value.slice();t.pop(),this.$emit("input",t),this.emitChange(t)}},managePlaceholder:function(){""!==this.currentPlaceholder&&(this.currentPlaceholder=this.$refs.input.value?"":this.cachedPlaceHolder)},resetInputState:function(e){8!==e.keyCode&&this.toggleLastOptionHitState(!1),this.inputLength=15*this.$refs.input.value.length+20,this.resetInputHeight()},resetInputHeight:function(){var e=this;this.collapseTags&&!this.filterable||this.$nextTick(function(){if(e.$refs.reference){var t=e.$refs.reference.$el.childNodes,n=[].filter.call(t,function(e){return"INPUT"===e.tagName})[0],i=e.$refs.tags,r=x[e.selectSize]||40;n.style.height=0===e.selected.length?r+"px":Math.max(i?i.clientHeight+(i.clientHeight>r?6:0):0,r)+"px",e.visible&&!1!==e.emptyText&&e.broadcast("ElSelectDropdown","updatePopper")}})},resetHoverIndex:function(){var e=this;setTimeout(function(){e.multiple?e.selected.length>0?e.hoverIndex=Math.min.apply(null,e.selected.map(function(t){return e.options.indexOf(t)})):e.hoverIndex=-1:e.hoverIndex=e.options.indexOf(e.selected)},300)},handleOptionSelect:function(e){var t=this;if(this.multiple){var n=this.value.slice(),i=this.getValueIndex(n,e.value);i>-1?n.splice(i,1):(this.multipleLimit<=0||n.length<this.multipleLimit)&&n.push(e.value),this.$emit("input",n),this.emitChange(n),e.created&&(this.query="",this.handleQueryChange(""),this.inputLength=20),this.filterable&&this.$refs.input.focus()}else this.$emit("input",e.value),this.emitChange(e.value),this.visible=!1;this.$nextTick(function(){t.visible||(t.scrollToOption(e),t.setSoftFocus())})},setSoftFocus:function(){this.softFocus=!0,(this.$refs.input||this.$refs.reference).focus()},getValueIndex:function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[],n=arguments[1];if(!("[object object]"===Object.prototype.toString.call(n).toLowerCase()))return t.indexOf(n);var r,o,s=(r=e.valueKey,o=-1,t.some(function(e,t){return(0,y.getValueByPath)(e,r)===(0,y.getValueByPath)(n,r)&&(o=t,!0)}),{v:o});return"object"===(void 0===s?"undefined":i(s))?s.v:void 0},toggleMenu:function(){this.selectDisabled||(this.visible=!this.visible,this.visible&&(this.$refs.input||this.$refs.reference).focus())},selectOption:function(){this.visible?this.options[this.hoverIndex]&&this.handleOptionSelect(this.options[this.hoverIndex]):this.toggleMenu()},deleteSelected:function(e){e.stopPropagation(),this.$emit("input",""),this.emitChange(""),this.visible=!1,this.$emit("clear")},deleteTag:function(e,t){var n=this.selected.indexOf(t);if(n>-1&&!this.selectDisabled){var i=this.value.slice();i.splice(n,1),this.$emit("input",i),this.emitChange(i),this.$emit("remove-tag",t.value)}e.stopPropagation()},onInputChange:function(){this.filterable&&this.query!==this.selectedLabel&&(this.query=this.selectedLabel,this.handleQueryChange(this.query))},onOptionDestroy:function(e){e>-1&&(this.optionsCount--,this.filteredOptionsCount--,this.options.splice(e,1))},resetInputWidth:function(){this.inputWidth=this.$refs.reference.$el.getBoundingClientRect().width},handleResize:function(){this.resetInputWidth(),this.multiple&&this.resetInputHeight()},checkDefaultFirstOption:function(){this.hoverIndex=-1;for(var e=!1,t=this.options.length-1;t>=0;t--)if(this.options[t].created){e=!0,this.hoverIndex=t;break}if(!e)for(var n=0;n!==this.options.length;++n){var i=this.options[n];if(this.query){if(!i.disabled&&!i.groupDisabled&&i.visible){this.hoverIndex=n;break}}else if(i.itemSelected){this.hoverIndex=n;break}}},getValueKey:function(e){return"[object object]"!==Object.prototype.toString.call(e.value).toLowerCase()?e.value:(0,y.getValueByPath)(e.value,this.valueKey)}},created:function(){var e=this;this.cachedPlaceHolder=this.currentPlaceholder=this.placeholder,this.multiple&&!Array.isArray(this.value)&&this.$emit("input",[]),!this.multiple&&Array.isArray(this.value)&&this.$emit("input",""),this.debouncedOnInputChange=(0,f.default)(this.debounce,function(){e.onInputChange()}),this.$on("handleOptionClick",this.handleOptionSelect),this.$on("setSelected",this.setSelected),this.$on("fieldReset",function(){e.dispatch("ElFormItem","el.form.change")})},mounted:function(){var e=this;this.multiple&&Array.isArray(this.value)&&this.value.length>0&&(this.currentPlaceholder=""),(0,m.addResizeListener)(this.$el,this.handleResize),this.remote&&this.multiple&&this.resetInputHeight(),this.$nextTick(function(){e.$refs.reference&&e.$refs.reference.$el&&(e.inputWidth=e.$refs.reference.$el.getBoundingClientRect().width)}),this.setSelected()},beforeDestroy:function(){this.$el&&this.handleResize&&(0,m.removeResizeListener)(this.$el,this.handleResize)}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(135),r=n.n(i),o=n(136),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(8),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElSelectDropdown",componentName:"ElSelectDropdown",mixins:[o.default],props:{placement:{default:"bottom-start"},boundariesPadding:{default:0},popperOptions:{default:function(){return{gpuAcceleration:!1}}},visibleArrow:{default:!0},appendToBody:{type:Boolean,default:!0}},data:function(){return{minWidth:""}},computed:{popperClass:function(){return this.$parent.popperClass}},watch:{"$parent.inputWidth":function(){this.minWidth=this.$parent.$el.getBoundingClientRect().width+"px"}},mounted:function(){var e=this;this.referenceElm=this.$parent.$refs.reference.$el,this.$parent.popperElm=this.popperElm=this.$el,this.$on("updatePopper",function(){e.$parent.visible&&e.updatePopper()}),this.$on("destroyPopper",this.destroyPopper)}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-select-dropdown el-popper",class:[{"is-multiple":this.$parent.multiple},this.popperClass],style:{minWidth:this.minWidth}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},o=n(1),s=(i=o)&&i.__esModule?i:{default:i},a=n(4);t.default={mixins:[s.default],name:"ElOption",componentName:"ElOption",inject:["select"],props:{value:{required:!0},label:[String,Number],created:Boolean,disabled:{type:Boolean,default:!1}},data:function(){return{index:-1,groupDisabled:!1,visible:!0,hitState:!1,hover:!1}},computed:{isObject:function(){return"[object object]"===Object.prototype.toString.call(this.value).toLowerCase()},currentLabel:function(){return this.label||(this.isObject?"":this.value)},currentValue:function(){return this.value||this.label||""},itemSelected:function(){return this.select.multiple?this.contains(this.select.value,this.value):this.isEqual(this.value,this.select.value)},limitReached:function(){return!!this.select.multiple&&(!this.itemSelected&&(this.select.value||[]).length>=this.select.multipleLimit&&this.select.multipleLimit>0)}},watch:{currentLabel:function(){this.created||this.select.remote||this.dispatch("ElSelect","setSelected")},value:function(){this.created||this.select.remote||this.dispatch("ElSelect","setSelected")}},methods:{isEqual:function(e,t){if(this.isObject){var n=this.select.valueKey;return(0,a.getValueByPath)(e,n)===(0,a.getValueByPath)(t,n)}return e===t},contains:function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[],n=arguments[1];if(!this.isObject)return t.indexOf(n)>-1;var i,o=(i=e.select.valueKey,{v:t.some(function(e){return(0,a.getValueByPath)(e,i)===(0,a.getValueByPath)(n,i)})});return"object"===(void 0===o?"undefined":r(o))?o.v:void 0},handleGroupDisabled:function(e){this.groupDisabled=e},hoverItem:function(){this.disabled||this.groupDisabled||(this.select.hoverIndex=this.select.options.indexOf(this))},selectOptionClick:function(){!0!==this.disabled&&!0!==this.groupDisabled&&this.dispatch("ElSelect","handleOptionClick",this)},queryChange:function(e){var t=String(e).replace(/(\^|\(|\)|\[|\]|\$|\*|\+|\.|\?|\\|\{|\}|\|)/g,"\\$1");this.visible=new RegExp(t,"i").test(this.currentLabel)||this.created,this.visible||this.select.filteredOptionsCount--}},created:function(){this.select.options.push(this),this.select.cachedOptions.push(this),this.select.optionsCount++,this.select.filteredOptionsCount++,this.$on("queryChange",this.queryChange),this.$on("handleGroupDisabled",this.handleGroupDisabled)},beforeDestroy:function(){this.select.onOptionDestroy(this.select.options.indexOf(this))}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("li",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-select-dropdown__item",class:{selected:e.itemSelected,"is-disabled":e.disabled||e.groupDisabled||e.limitReached,hover:e.hover},on:{mouseenter:e.hoverItem,click:function(t){t.stopPropagation(),e.selectOptionClick(t)}}},[e._t("default",[n("span",[e._v(e._s(e.currentLabel))])])],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0,t.default={data:function(){return{hoverOption:-1}},computed:{optionsAllDisabled:function(){return this.options.length===this.options.filter(function(e){return!0===e.disabled}).length}},watch:{hoverIndex:function(e){var t=this;"number"==typeof e&&e>-1&&(this.hoverOption=this.options[e]||{}),this.options.forEach(function(e){e.hover=t.hoverOption===e})}},methods:{navigateOptions:function(e){var t=this;if(this.visible){if(0!==this.options.length&&0!==this.filteredOptionsCount){if(!this.optionsAllDisabled){"next"===e?(this.hoverIndex++,this.hoverIndex===this.options.length&&(this.hoverIndex=0)):"prev"===e&&(this.hoverIndex--,this.hoverIndex<0&&(this.hoverIndex=this.options.length-1));var n=this.options[this.hoverIndex];!0!==n.disabled&&!0!==n.groupDisabled&&n.visible||this.navigateOptions(e)}this.$nextTick(function(){return t.scrollToOption(t.hoverOption)})}}else this.visible=!0}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.handleClose,expression:"handleClose"}],staticClass:"el-select",class:[e.selectSize?"el-select--"+e.selectSize:""],on:{click:function(t){t.stopPropagation(),e.toggleMenu(t)}}},[e.multiple?n("div",{ref:"tags",staticClass:"el-select__tags",style:{"max-width":e.inputWidth-32+"px"}},[e.collapseTags&&e.selected.length?n("span",[n("el-tag",{attrs:{closable:!e.selectDisabled,size:e.collapseTagSize,hit:e.selected[0].hitState,type:"info","disable-transitions":""},on:{close:function(t){e.deleteTag(t,e.selected[0])}}},[n("span",{staticClass:"el-select__tags-text"},[e._v(e._s(e.selected[0].currentLabel))])]),e.selected.length>1?n("el-tag",{attrs:{closable:!1,size:e.collapseTagSize,type:"info","disable-transitions":""}},[n("span",{staticClass:"el-select__tags-text"},[e._v("+ "+e._s(e.selected.length-1))])]):e._e()],1):e._e(),e.collapseTags?e._e():n("transition-group",{on:{"after-leave":e.resetInputHeight}},e._l(e.selected,function(t){return n("el-tag",{key:e.getValueKey(t),attrs:{closable:!e.selectDisabled,size:e.collapseTagSize,hit:t.hitState,type:"info","disable-transitions":""},on:{close:function(n){e.deleteTag(n,t)}}},[n("span",{staticClass:"el-select__tags-text"},[e._v(e._s(t.currentLabel))])])})),e.filterable?n("input",{directives:[{name:"model",rawName:"v-model",value:e.query,expression:"query"}],ref:"input",staticClass:"el-select__input",class:[e.selectSize?"is-"+e.selectSize:""],style:{width:e.inputLength+"px","max-width":e.inputWidth-42+"px"},attrs:{type:"text",disabled:e.selectDisabled,autocomplete:e.autoComplete,debounce:e.remote?300:0},domProps:{value:e.query},on:{focus:e.handleFocus,click:function(e){e.stopPropagation()},keyup:e.managePlaceholder,keydown:[e.resetInputState,function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.preventDefault(),e.navigateOptions("next")},function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.preventDefault(),e.navigateOptions("prev")},function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;t.preventDefault(),e.selectOption(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"esc",27,t.key))return null;t.stopPropagation(),t.preventDefault(),e.visible=!1},function(t){if(!("button"in t)&&e._k(t.keyCode,"delete",[8,46],t.key))return null;e.deletePrevTag(t)}],input:[function(t){t.target.composing||(e.query=t.target.value)},function(t){return e.handleQueryChange(t.target.value)}]}}):e._e()],1):e._e(),n("el-input",{ref:"reference",class:{"is-focus":e.visible},attrs:{type:"text",placeholder:e.currentPlaceholder,name:e.name,id:e.id,"auto-complete":e.autoComplete,size:e.selectSize,disabled:e.selectDisabled,readonly:!e.filterable||e.multiple||!e.visible,"validate-event":!1},on:{focus:e.handleFocus,blur:e.handleBlur},nativeOn:{keyup:function(t){e.debouncedOnInputChange(t)},keydown:[function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.stopPropagation(),t.preventDefault(),e.navigateOptions("next")},function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.stopPropagation(),t.preventDefault(),e.navigateOptions("prev")},function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;t.preventDefault(),e.selectOption(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"esc",27,t.key))return null;t.stopPropagation(),t.preventDefault(),e.visible=!1},function(t){if(!("button"in t)&&e._k(t.keyCode,"tab",9,t.key))return null;e.visible=!1}],paste:function(t){e.debouncedOnInputChange(t)},mouseenter:function(t){e.inputHovering=!0},mouseleave:function(t){e.inputHovering=!1}},model:{value:e.selectedLabel,callback:function(t){e.selectedLabel=t},expression:"selectedLabel"}},[n("i",{class:["el-select__caret","el-input__icon","el-icon-"+e.iconClass],attrs:{slot:"suffix"},on:{click:e.handleIconClick},slot:"suffix"})]),n("transition",{attrs:{name:"el-zoom-in-top"},on:{"before-enter":e.handleMenuEnter,"after-leave":e.doDestroy}},[n("el-select-menu",{directives:[{name:"show",rawName:"v-show",value:e.visible&&!1!==e.emptyText,expression:"visible && emptyText !== false"}],ref:"popper",attrs:{"append-to-body":e.popperAppendToBody}},[n("el-scrollbar",{directives:[{name:"show",rawName:"v-show",value:e.options.length>0&&!e.loading,expression:"options.length > 0 && !loading"}],ref:"scrollbar",class:{"is-empty":!e.allowCreate&&e.query&&0===e.filteredOptionsCount},attrs:{tag:"ul","wrap-class":"el-select-dropdown__wrap","view-class":"el-select-dropdown__list"}},[e.showNewOption?n("el-option",{attrs:{value:e.query,created:""}}):e._e(),e._t("default")],2),e.emptyText&&(!e.allowCreate||e.loading||e.allowCreate&&0===e.options.length)?n("p",{staticClass:"el-select-dropdown__empty"},[e._v("\n "+e._s(e.emptyText)+"\n ")]):e._e()],1)],1)],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(33),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(143),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(144),r=n.n(i),o=n(145),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(1),o=(i=r)&&i.__esModule?i:{default:i};t.default={mixins:[o.default],name:"ElOptionGroup",componentName:"ElOptionGroup",props:{label:String,disabled:{type:Boolean,default:!1}},data:function(){return{visible:!0}},watch:{disabled:function(e){this.broadcast("ElOption","handleGroupDisabled",e)}},methods:{queryChange:function(){this.visible=this.$children&&Array.isArray(this.$children)&&this.$children.some(function(e){return!0===e.visible})}},created:function(){this.$on("queryChange",this.queryChange)},mounted:function(){this.disabled&&this.broadcast("ElOption","handleGroupDisabled",this.disabled)}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("ul",{directives:[{name:"show",rawName:"v-show",value:this.visible,expression:"visible"}],staticClass:"el-select-group__wrap"},[t("li",{staticClass:"el-select-group__title"},[this._v(this._s(this.label))]),t("li",[t("ul",{staticClass:"el-select-group"},[this._t("default")],2)])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(147),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(148),r=n.n(i),o=n(149),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElButton",inject:{elForm:{default:""},elFormItem:{default:""}},props:{type:{type:String,default:"default"},size:String,icon:{type:String,default:""},nativeType:{type:String,default:"button"},loading:Boolean,disabled:Boolean,plain:Boolean,autofocus:Boolean,round:Boolean,circle:Boolean},computed:{_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},buttonSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},buttonDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},methods:{handleClick:function(e){this.$emit("click",e)}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("button",{staticClass:"el-button",class:[e.type?"el-button--"+e.type:"",e.buttonSize?"el-button--"+e.buttonSize:"",{"is-disabled":e.buttonDisabled,"is-loading":e.loading,"is-plain":e.plain,"is-round":e.round,"is-circle":e.circle}],attrs:{disabled:e.buttonDisabled||e.loading,autofocus:e.autofocus,type:e.nativeType},on:{click:e.handleClick}},[e.loading?n("i",{staticClass:"el-icon-loading"}):e._e(),e.icon&&!e.loading?n("i",{class:e.icon}):e._e(),e.$slots.default?n("span",[e._t("default")],2):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(151),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(152),r=n.n(i),o=n(153),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElButtonGroup"}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-button-group"},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(155),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(156),r=n.n(i),o=n(168),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=p(n(14)),r=p(n(13)),o=n(17),s=p(n(157)),a=p(n(2)),l=p(n(7)),u=p(n(159)),c=p(n(160)),d=p(n(161)),f=p(n(162)),h=p(n(167));function p(e){return e&&e.__esModule?e:{default:e}}var m=1;t.default={name:"ElTable",mixins:[a.default,l.default],directives:{Mousewheel:s.default},props:{data:{type:Array,default:function(){return[]}},size:String,width:[String,Number],height:[String,Number],maxHeight:[String,Number],fit:{type:Boolean,default:!0},stripe:Boolean,border:Boolean,rowKey:[String,Function],context:{},showHeader:{type:Boolean,default:!0},showSummary:Boolean,sumText:String,summaryMethod:Function,rowClassName:[String,Function],rowStyle:[Object,Function],cellClassName:[String,Function],cellStyle:[Object,Function],headerRowClassName:[String,Function],headerRowStyle:[Object,Function],headerCellClassName:[String,Function],headerCellStyle:[Object,Function],highlightCurrentRow:Boolean,currentRowKey:[String,Number],emptyText:String,expandRowKeys:Array,defaultExpandAll:Boolean,defaultSort:Object,tooltipEffect:String,spanMethod:Function,selectOnIndeterminate:{type:Boolean,default:!0}},components:{TableHeader:f.default,TableFooter:h.default,TableBody:d.default,ElCheckbox:i.default},methods:{getMigratingConfig:function(){return{events:{expand:"expand is renamed to expand-change"}}},setCurrentRow:function(e){this.store.commit("setCurrentRow",e)},toggleRowSelection:function(e,t){this.store.toggleRowSelection(e,t),this.store.updateAllSelected()},toggleRowExpansion:function(e,t){this.store.toggleRowExpansion(e,t)},clearSelection:function(){this.store.clearSelection()},clearFilter:function(){this.store.clearFilter()},clearSort:function(){this.store.clearSort()},handleMouseLeave:function(){this.store.commit("setHoverRow",null),this.hoverState&&(this.hoverState=null)},updateScrollY:function(){this.layout.updateScrollY()},handleFixedMousewheel:function(e,t){var n=this.bodyWrapper;if(Math.abs(t.spinY)>0){var i=n.scrollTop;t.pixelY<0&&0!==i&&e.preventDefault(),t.pixelY>0&&n.scrollHeight-n.clientHeight>i&&e.preventDefault(),n.scrollTop+=Math.ceil(t.pixelY/5)}else n.scrollLeft+=Math.ceil(t.pixelX/5)},handleHeaderFooterMousewheel:function(e,t){var n=t.pixelX,i=t.pixelY;Math.abs(n)>=Math.abs(i)&&(e.preventDefault(),this.bodyWrapper.scrollLeft+=t.pixelX/5)},bindEvents:function(){var e=this.$refs,t=e.headerWrapper,n=e.footerWrapper,i=this.$refs,r=this;this.bodyWrapper.addEventListener("scroll",function(){t&&(t.scrollLeft=this.scrollLeft),n&&(n.scrollLeft=this.scrollLeft),i.fixedBodyWrapper&&(i.fixedBodyWrapper.scrollTop=this.scrollTop),i.rightFixedBodyWrapper&&(i.rightFixedBodyWrapper.scrollTop=this.scrollTop);var e=this.scrollWidth-this.offsetWidth-1,o=this.scrollLeft;r.scrollPosition=o>=e?"right":0===o?"left":"middle"}),this.fit&&(0,o.addResizeListener)(this.$el,this.resizeListener)},resizeListener:function(){if(this.$ready){var e=!1,t=this.$el,n=this.resizeState,i=n.width,r=n.height,o=t.offsetWidth;i!==o&&(e=!0);var s=t.offsetHeight;(this.height||this.shouldUpdateHeight)&&r!==s&&(e=!0),e&&(this.resizeState.width=o,this.resizeState.height=s,this.doLayout())}},doLayout:function(){this.layout.updateColumnsWidth(),this.shouldUpdateHeight&&this.layout.updateElsHeight()}},created:function(){var e=this;this.tableId="el-table_"+m++,this.debouncedUpdateLayout=(0,r.default)(50,function(){return e.doLayout()})},computed:{tableSize:function(){return this.size||(this.$ELEMENT||{}).size},bodyWrapper:function(){return this.$refs.bodyWrapper},shouldUpdateHeight:function(){return this.height||this.maxHeight||this.fixedColumns.length>0||this.rightFixedColumns.length>0},selection:function(){return this.store.states.selection},columns:function(){return this.store.states.columns},tableData:function(){return this.store.states.data},fixedColumns:function(){return this.store.states.fixedColumns},rightFixedColumns:function(){return this.store.states.rightFixedColumns},bodyWidth:function(){var e=this.layout,t=e.bodyWidth,n=e.scrollY,i=e.gutterWidth;return t?t-(n?i:0)+"px":""},bodyHeight:function(){return this.height?{height:this.layout.bodyHeight?this.layout.bodyHeight+"px":""}:this.maxHeight?{"max-height":(this.showHeader?this.maxHeight-this.layout.headerHeight-this.layout.footerHeight:this.maxHeight-this.layout.footerHeight)+"px"}:{}},fixedBodyHeight:function(){if(this.height)return{height:this.layout.fixedBodyHeight?this.layout.fixedBodyHeight+"px":""};if(this.maxHeight){var e=this.layout.scrollX?this.maxHeight-this.layout.gutterWidth:this.maxHeight;return this.showHeader&&(e-=this.layout.headerHeight),{"max-height":(e-=this.layout.footerHeight)+"px"}}return{}},fixedHeight:function(){return this.maxHeight?this.showSummary?{bottom:0}:{bottom:this.layout.scrollX&&this.data.length?this.layout.gutterWidth+"px":""}:this.showSummary?{height:this.layout.tableHeight?this.layout.tableHeight+"px":""}:{height:this.layout.viewportHeight?this.layout.viewportHeight+"px":""}}},watch:{height:{immediate:!0,handler:function(e){this.layout.setHeight(e)}},maxHeight:{immediate:!0,handler:function(e){this.layout.setMaxHeight(e)}},currentRowKey:function(e){this.store.setCurrentRowKey(e)},data:{immediate:!0,handler:function(e){var t=this;this.store.commit("setData",e),this.$ready&&this.$nextTick(function(){t.doLayout()})}},expandRowKeys:{immediate:!0,handler:function(e){e&&this.store.setExpandRowKeys(e)}}},destroyed:function(){this.resizeListener&&(0,o.removeResizeListener)(this.$el,this.resizeListener)},mounted:function(){var e=this;this.bindEvents(),this.store.updateColumns(),this.doLayout(),this.resizeState={width:this.$el.offsetWidth,height:this.$el.offsetHeight},this.store.states.columns.forEach(function(t){t.filteredValue&&t.filteredValue.length&&e.store.commit("filterChange",{column:t,values:t.filteredValue,silent:!0})}),this.$ready=!0},data:function(){var e=new u.default(this,{rowKey:this.rowKey,defaultExpandAll:this.defaultExpandAll,selectOnIndeterminate:this.selectOnIndeterminate});return{layout:new c.default({store:e,table:this,fit:this.fit,showHeader:this.showHeader}),store:e,isHidden:!1,renderExpanded:null,resizeProxyVisible:!1,resizeState:{width:null,height:null},isGroup:!1,scrollPosition:"left"}}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(158),o=(i=r)&&i.__esModule?i:{default:i};var s="undefined"!=typeof navigator&&navigator.userAgent.toLowerCase().indexOf("firefox")>-1;t.default={bind:function(e,t){var n,i;n=e,i=t.value,n&&n.addEventListener&&n.addEventListener(s?"DOMMouseScroll":"mousewheel",function(e){var t=(0,o.default)(e);i&&i.apply(this,[e,t])})}}},function(e,t){e.exports=n("3fo+")},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(5)),r=a(n(13)),o=a(n(10)),s=n(34);function a(e){return e&&e.__esModule?e:{default:e}}var l=function(e,t){var n=t.sortingColumn;return n&&"string"!=typeof n.sortable?(0,s.orderBy)(e,t.sortProp,t.sortOrder,n.sortMethod,n.sortBy):e},u=function(e,t){var n={};return(e||[]).forEach(function(e,i){n[(0,s.getRowIdentity)(e,t)]={row:e,index:i}}),n},c=function(e,t,n){var i=!1,r=e.selection,o=r.indexOf(t);return void 0===n?-1===o?(r.push(t),i=!0):(r.splice(o,1),i=!0):n&&-1===o?(r.push(t),i=!0):!n&&o>-1&&(r.splice(o,1),i=!0),i},d=function(e){var t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};if(!e)throw new Error("Table is required.");for(var n in this.table=e,this.states={rowKey:null,_columns:[],originColumns:[],columns:[],fixedColumns:[],rightFixedColumns:[],leafColumns:[],fixedLeafColumns:[],rightFixedLeafColumns:[],leafColumnsLength:0,fixedLeafColumnsLength:0,rightFixedLeafColumnsLength:0,isComplex:!1,filteredData:null,data:null,sortingColumn:null,sortProp:null,sortOrder:null,isAllSelected:!1,selection:[],reserveSelection:!1,selectable:null,currentRow:null,hoverRow:null,filters:{},expandRows:[],defaultExpandAll:!1,selectOnIndeterminate:!1},t)t.hasOwnProperty(n)&&this.states.hasOwnProperty(n)&&(this.states[n]=t[n])};d.prototype.mutations={setData:function(e,t){var n,r,o,a=this,c=e._data!==t;e._data=t,Object.keys(e.filters).forEach(function(n){var i=e.filters[n];if(i&&0!==i.length){var r=(0,s.getColumnById)(a.states,n);r&&r.filterMethod&&(t=t.filter(function(e){return i.some(function(t){return r.filterMethod.call(null,t,e,r)})}))}}),e.filteredData=t,e.data=l(t||[],e),this.updateCurrentRow(),e.reserveSelection?(o=e.rowKey)?(n=e.selection,r=u(n,o),e.data.forEach(function(e){var t=(0,s.getRowIdentity)(e,o),i=r[t];i&&(n[i.index]=e)}),a.updateAllSelected()):console.warn("WARN: rowKey is required when reserve-selection is enabled."):(c?this.clearSelection():this.cleanSelection(),this.updateAllSelected()),e.defaultExpandAll&&(this.states.expandRows=(e.data||[]).slice(0)),i.default.nextTick(function(){return a.table.updateScrollY()})},changeSortCondition:function(e,t){var n=this;e.data=l(e.filteredData||e._data||[],e),t&&t.silent||this.table.$emit("sort-change",{column:this.states.sortingColumn,prop:this.states.sortProp,order:this.states.sortOrder}),i.default.nextTick(function(){return n.table.updateScrollY()})},filterChange:function(e,t){var n=this,r=t.column,o=t.values,a=t.silent;o&&!Array.isArray(o)&&(o=[o]);var u={};r.property&&(e.filters[r.id]=o,u[r.columnKey||r.id]=o);var c=e._data;Object.keys(e.filters).forEach(function(t){var i=e.filters[t];if(i&&0!==i.length){var r=(0,s.getColumnById)(n.states,t);r&&r.filterMethod&&(c=c.filter(function(e){return i.some(function(t){return r.filterMethod.call(null,t,e,r)})}))}}),e.filteredData=c,e.data=l(c,e),a||this.table.$emit("filter-change",u),i.default.nextTick(function(){return n.table.updateScrollY()})},insertColumn:function(e,t,n,i){var r=e._columns;i&&((r=i.children)||(r=i.children=[])),void 0!==n?r.splice(n,0,t):r.push(t),"selection"===t.type&&(e.selectable=t.selectable,e.reserveSelection=t.reserveSelection),this.table.$ready&&(this.updateColumns(),this.scheduleLayout())},removeColumn:function(e,t,n){var i=e._columns;n&&((i=n.children)||(i=n.children=[])),i&&i.splice(i.indexOf(t),1),this.table.$ready&&(this.updateColumns(),this.scheduleLayout())},setHoverRow:function(e,t){e.hoverRow=t},setCurrentRow:function(e,t){var n=e.currentRow;e.currentRow=t,n!==t&&this.table.$emit("current-change",t,n)},rowSelectedChanged:function(e,t){var n=c(e,t),i=e.selection;if(n){var r=this.table;r.$emit("selection-change",i?i.slice():[]),r.$emit("select",i,t)}this.updateAllSelected()},toggleAllSelection:(0,r.default)(10,function(e){var t=e.data||[];if(0!==t.length){var n=this.states.selection,i=e.selectOnIndeterminate?!e.isAllSelected:!(e.isAllSelected||n.length),r=!1;t.forEach(function(t,n){e.selectable?e.selectable.call(null,t,n)&&c(e,t,i)&&(r=!0):c(e,t,i)&&(r=!0)});var o=this.table;r&&o.$emit("selection-change",n?n.slice():[]),o.$emit("select-all",n),e.isAllSelected=i}})};var f=function e(t){var n=[];return t.forEach(function(t){t.children?n.push.apply(n,e(t.children)):n.push(t)}),n};d.prototype.updateColumns=function(){var e=this.states,t=e._columns||[];e.fixedColumns=t.filter(function(e){return!0===e.fixed||"left"===e.fixed}),e.rightFixedColumns=t.filter(function(e){return"right"===e.fixed}),e.fixedColumns.length>0&&t[0]&&"selection"===t[0].type&&!t[0].fixed&&(t[0].fixed=!0,e.fixedColumns.unshift(t[0]));var n=t.filter(function(e){return!e.fixed});e.originColumns=[].concat(e.fixedColumns).concat(n).concat(e.rightFixedColumns);var i=f(n),r=f(e.fixedColumns),o=f(e.rightFixedColumns);e.leafColumnsLength=i.length,e.fixedLeafColumnsLength=r.length,e.rightFixedLeafColumnsLength=o.length,e.columns=[].concat(r).concat(i).concat(o),e.isComplex=e.fixedColumns.length>0||e.rightFixedColumns.length>0},d.prototype.isSelected=function(e){return(this.states.selection||[]).indexOf(e)>-1},d.prototype.clearSelection=function(){var e=this.states;e.isAllSelected=!1;var t=e.selection;e.selection.length&&(e.selection=[]),t.length>0&&this.table.$emit("selection-change",e.selection?e.selection.slice():[])},d.prototype.setExpandRowKeys=function(e){var t=[],n=this.states.data,i=this.states.rowKey;if(!i)throw new Error("[Table] prop row-key should not be empty.");var r=u(n,i);e.forEach(function(e){var n=r[e];n&&t.push(n.row)}),this.states.expandRows=t},d.prototype.toggleRowSelection=function(e,t){c(this.states,e,t)&&this.table.$emit("selection-change",this.states.selection?this.states.selection.slice():[])},d.prototype.toggleRowExpansion=function(e,t){(function(e,t,n){var i=!1,r=e.expandRows;if(void 0!==n){var o=r.indexOf(t);n?-1===o&&(r.push(t),i=!0):-1!==o&&(r.splice(o,1),i=!0)}else{var s=r.indexOf(t);-1===s?(r.push(t),i=!0):(r.splice(s,1),i=!0)}return i})(this.states,e,t)&&(this.table.$emit("expand-change",e,this.states.expandRows),this.scheduleLayout())},d.prototype.isRowExpanded=function(e){var t=this.states,n=t.expandRows,i=void 0===n?[]:n,r=t.rowKey;return r?!!u(i,r)[(0,s.getRowIdentity)(e,r)]:-1!==i.indexOf(e)},d.prototype.cleanSelection=function(){var e=this.states.selection||[],t=this.states.data,n=this.states.rowKey,i=void 0;if(n){i=[];var r=u(e,n),o=u(t,n);for(var s in r)r.hasOwnProperty(s)&&!o[s]&&i.push(r[s].row)}else i=e.filter(function(e){return-1===t.indexOf(e)});i.forEach(function(t){e.splice(e.indexOf(t),1)}),i.length&&this.table.$emit("selection-change",e?e.slice():[])},d.prototype.clearFilter=function(){var e=this.states,t=this.table.$refs,n=t.tableHeader,i=t.fixedTableHeader,r=t.rightFixedTableHeader,s={};n&&(s=(0,o.default)(s,n.filterPanels)),i&&(s=(0,o.default)(s,i.filterPanels)),r&&(s=(0,o.default)(s,r.filterPanels));var a=Object.keys(s);a.length&&(a.forEach(function(e){s[e].filteredValue=[]}),e.filters={},this.commit("filterChange",{column:{},values:[],silent:!0}))},d.prototype.clearSort=function(){var e=this.states;e.sortingColumn&&(e.sortingColumn.order=null,e.sortProp=null,e.sortOrder=null,this.commit("changeSortCondition",{silent:!0}))},d.prototype.updateAllSelected=function(){var e=this.states,t=e.selection,n=e.rowKey,i=e.selectable,r=e.data;if(r&&0!==r.length){var o=void 0;n&&(o=u(e.selection,n));for(var a,l=!0,c=0,d=0,f=r.length;d<f;d++){var h=r[d],p=i&&i.call(null,h,d);if(a=h,o?o[(0,s.getRowIdentity)(a,n)]:-1!==t.indexOf(a))c++;else if(!i||p){l=!1;break}}0===c&&(l=!1),e.isAllSelected=l}else e.isAllSelected=!1},d.prototype.scheduleLayout=function(e){e&&this.updateColumns(),this.table.debouncedUpdateLayout()},d.prototype.setCurrentRowKey=function(e){var t=this.states,n=t.rowKey;if(!n)throw new Error("[Table] row-key should not be empty.");var i=t.data||[],r=u(i,n)[e];r&&(t.currentRow=r.row)},d.prototype.updateCurrentRow=function(){var e=this.states,t=this.table,n=e.data||[],i=e.currentRow;-1===n.indexOf(i)&&(e.currentRow=null,e.currentRow!==i&&t.$emit("current-change",null,i))},d.prototype.commit=function(e){var t=this.mutations;if(!t[e])throw new Error("Action not found: "+e);for(var n=arguments.length,i=Array(n>1?n-1:0),r=1;r<n;r++)i[r-1]=arguments[r];t[e].apply(this,[this.states].concat(i))},t.default=d},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(35)),r=o(n(5));function o(e){return e&&e.__esModule?e:{default:e}}var s=function(){function e(t){for(var n in function(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}(this,e),this.observers=[],this.table=null,this.store=null,this.columns=null,this.fit=!0,this.showHeader=!0,this.height=null,this.scrollX=!1,this.scrollY=!1,this.bodyWidth=null,this.fixedWidth=null,this.rightFixedWidth=null,this.tableHeight=null,this.headerHeight=44,this.appendHeight=0,this.footerHeight=44,this.viewportHeight=null,this.bodyHeight=null,this.fixedBodyHeight=null,this.gutterWidth=(0,i.default)(),t)t.hasOwnProperty(n)&&(this[n]=t[n]);if(!this.table)throw new Error("table is required for Table Layout");if(!this.store)throw new Error("store is required for Table Layout")}return e.prototype.updateScrollY=function(){var e=this.height;if("string"==typeof e||"number"==typeof e){var t=this.table.bodyWrapper;if(this.table.$el&&t){var n=t.querySelector(".el-table__body");this.scrollY=n.offsetHeight>this.bodyHeight}}},e.prototype.setHeight=function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:"height";if(!r.default.prototype.$isServer){var i=this.table.$el;if("string"==typeof e&&/^\d+$/.test(e)&&(e=Number(e)),this.height=e,!i&&(e||0===e))return r.default.nextTick(function(){return t.setHeight(e,n)});"number"==typeof e?(i.style[n]=e+"px",this.updateElsHeight()):"string"==typeof e&&(i.style[n]=e,this.updateElsHeight())}},e.prototype.setMaxHeight=function(e){return this.setHeight(e,"max-height")},e.prototype.updateElsHeight=function(){var e=this;if(!this.table.$ready)return r.default.nextTick(function(){return e.updateElsHeight()});var t=this.table.$refs,n=t.headerWrapper,i=t.appendWrapper,o=t.footerWrapper;if(this.appendHeight=i?i.offsetHeight:0,!this.showHeader||n){var s=this.headerHeight=this.showHeader?n.offsetHeight:0;if(this.showHeader&&n.offsetWidth>0&&(this.table.columns||[]).length>0&&s<2)return r.default.nextTick(function(){return e.updateElsHeight()});var a=this.tableHeight=this.table.$el.clientHeight;if(null!==this.height&&(!isNaN(this.height)||"string"==typeof this.height)){var l=this.footerHeight=o?o.offsetHeight:0;this.bodyHeight=a-s-l+(o?1:0)}this.fixedBodyHeight=this.scrollX?this.bodyHeight-this.gutterWidth:this.bodyHeight;var u=!this.table.data||0===this.table.data.length;this.viewportHeight=this.scrollX?a-(u?0:this.gutterWidth):a,this.updateScrollY(),this.notifyObservers("scrollable")}},e.prototype.getFlattenColumns=function(){var e=[];return this.table.columns.forEach(function(t){t.isColumnGroup?e.push.apply(e,t.columns):e.push(t)}),e},e.prototype.updateColumnsWidth=function(){var e,t,n,i=this.fit,r=this.table.$el.clientWidth,o=0,s=this.getFlattenColumns(),a=s.filter(function(e){return"number"!=typeof e.width});if(s.forEach(function(e){"number"==typeof e.width&&e.realWidth&&(e.realWidth=null)}),a.length>0&&i){s.forEach(function(e){o+=e.width||e.minWidth||80});var l=this.scrollY?this.gutterWidth:0;if(o<=r-l){this.scrollX=!1;var u=r-l-o;1===a.length?a[0].realWidth=(a[0].minWidth||80)+u:(e=a.reduce(function(e,t){return e+(t.minWidth||80)},0),t=u/e,n=0,a.forEach(function(e,i){if(0!==i){var r=Math.floor((e.minWidth||80)*t);n+=r,e.realWidth=(e.minWidth||80)+r}}),a[0].realWidth=(a[0].minWidth||80)+u-n)}else this.scrollX=!0,a.forEach(function(e){e.realWidth=e.minWidth});this.bodyWidth=Math.max(o,r)}else s.forEach(function(e){e.width||e.minWidth?e.realWidth=e.width||e.minWidth:e.realWidth=80,o+=e.realWidth}),this.scrollX=o>r,this.bodyWidth=o;var c=this.store.states.fixedColumns;if(c.length>0){var d=0;c.forEach(function(e){d+=e.realWidth||e.width}),this.fixedWidth=d}var f=this.store.states.rightFixedColumns;if(f.length>0){var h=0;f.forEach(function(e){h+=e.realWidth||e.width}),this.rightFixedWidth=h}this.notifyObservers("columns")},e.prototype.addObserver=function(e){this.observers.push(e)},e.prototype.removeObserver=function(e){var t=this.observers.indexOf(e);-1!==t&&this.observers.splice(t,1)},e.prototype.notifyObservers=function(e){var t=this;this.observers.forEach(function(n){switch(e){case"columns":n.onColumnsChange(t);break;case"scrollable":n.onScrollableChange(t);break;default:throw new Error("Table Layout don't have event "+e+".")}})},e}();t.default=s},function(e,t,n){"use strict";t.__esModule=!0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},r=n(34),o=n(3),s=c(n(14)),a=c(n(23)),l=c(n(13)),u=c(n(26));function c(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElTableBody",mixins:[u.default],components:{ElCheckbox:s.default,ElTooltip:a.default},props:{store:{required:!0},stripe:Boolean,context:{},rowClassName:[String,Function],rowStyle:[Object,Function],fixed:String,highlight:Boolean},render:function(e){var t=this,n=this.columns.map(function(e,n){return t.isColumnHidden(n)});return e("table",{class:"el-table__body",attrs:{cellspacing:"0",cellpadding:"0",border:"0"}},[e("colgroup",null,[this._l(this.columns,function(t){return e("col",{attrs:{name:t.id}},[])})]),e("tbody",null,[this._l(this.data,function(i,r){return[e("tr",{style:t.rowStyle?t.getRowStyle(i,r):null,key:t.table.rowKey?t.getKeyOfRow(i,r):r,on:{dblclick:function(e){return t.handleDoubleClick(e,i)},click:function(e){return t.handleClick(e,i)},contextmenu:function(e){return t.handleContextMenu(e,i)},mouseenter:function(e){return t.handleMouseEnter(r)},mouseleave:function(e){return t.handleMouseLeave()}},class:[t.getRowClass(i,r)]},[t._l(t.columns,function(o,s){var a=t.getSpan(i,o,r,s),l=a.rowspan,u=a.colspan;return l&&u?e("td",1===l&&1===u?{style:t.getCellStyle(r,s,i,o),class:t.getCellClass(r,s,i,o),on:{mouseenter:function(e){return t.handleCellMouseEnter(e,i)},mouseleave:t.handleCellMouseLeave}}:{style:t.getCellStyle(r,s,i,o),class:t.getCellClass(r,s,i,o),attrs:{rowspan:l,colspan:u},on:{mouseenter:function(e){return t.handleCellMouseEnter(e,i)},mouseleave:t.handleCellMouseLeave}},[o.renderCell.call(t._renderProxy,e,{row:i,column:o,$index:r,store:t.store,_self:t.context||t.table.$vnode.context},n[s])]):""})]),t.store.isRowExpanded(i)?e("tr",null,[e("td",{attrs:{colspan:t.columns.length},class:"el-table__expanded-cell"},[t.table.renderExpanded?t.table.renderExpanded(e,{row:i,$index:r,store:t.store}):""])]):""]}).concat(e("el-tooltip",{attrs:{effect:this.table.tooltipEffect,placement:"top",content:this.tooltipContent},ref:"tooltip"},[]))])])},watch:{"store.states.hoverRow":function(e,t){if(this.store.states.isComplex){var n=this.$el;if(n){var i=n.querySelector("tbody").children,r=[].filter.call(i,function(e){return(0,o.hasClass)(e,"el-table__row")}),s=r[t],a=r[e];s&&(0,o.removeClass)(s,"hover-row"),a&&(0,o.addClass)(a,"hover-row")}}},"store.states.currentRow":function(e,t){if(this.highlight){var n=this.$el;if(n){var i=this.store.states.data,r=n.querySelector("tbody").children,s=[].filter.call(r,function(e){return(0,o.hasClass)(e,"el-table__row")}),a=s[i.indexOf(t)],l=s[i.indexOf(e)];a?(0,o.removeClass)(a,"current-row"):[].forEach.call(s,function(e){return(0,o.removeClass)(e,"current-row")}),l&&(0,o.addClass)(l,"current-row")}}}},computed:{table:function(){return this.$parent},data:function(){return this.store.states.data},columnsCount:function(){return this.store.states.columns.length},leftFixedLeafCount:function(){return this.store.states.fixedLeafColumnsLength},rightFixedLeafCount:function(){return this.store.states.rightFixedLeafColumnsLength},leftFixedCount:function(){return this.store.states.fixedColumns.length},rightFixedCount:function(){return this.store.states.rightFixedColumns.length},columns:function(){return this.store.states.columns}},data:function(){return{tooltipContent:""}},created:function(){this.activateTooltip=(0,l.default)(50,function(e){return e.handleShowPopper()})},methods:{getKeyOfRow:function(e,t){var n=this.table.rowKey;return n?(0,r.getRowIdentity)(e,n):t},isColumnHidden:function(e){return!0===this.fixed||"left"===this.fixed?e>=this.leftFixedLeafCount:"right"===this.fixed?e<this.columnsCount-this.rightFixedLeafCount:e<this.leftFixedLeafCount||e>=this.columnsCount-this.rightFixedLeafCount},getSpan:function(e,t,n,r){var o=1,s=1,a=this.table.spanMethod;if("function"==typeof a){var l=a({row:e,column:t,rowIndex:n,columnIndex:r});Array.isArray(l)?(o=l[0],s=l[1]):"object"===(void 0===l?"undefined":i(l))&&(o=l.rowspan,s=l.colspan)}return{rowspan:o,colspan:s}},getRowStyle:function(e,t){var n=this.table.rowStyle;return"function"==typeof n?n.call(null,{row:e,rowIndex:t}):n},getRowClass:function(e,t){var n=["el-table__row"];this.stripe&&t%2==1&&n.push("el-table__row--striped");var i=this.table.rowClassName;return"string"==typeof i?n.push(i):"function"==typeof i&&n.push(i.call(null,{row:e,rowIndex:t})),this.store.states.expandRows.indexOf(e)>-1&&n.push("expanded"),n.join(" ")},getCellStyle:function(e,t,n,i){var r=this.table.cellStyle;return"function"==typeof r?r.call(null,{rowIndex:e,columnIndex:t,row:n,column:i}):r},getCellClass:function(e,t,n,i){var r=[i.id,i.align,i.className];this.isColumnHidden(t)&&r.push("is-hidden");var o=this.table.cellClassName;return"string"==typeof o?r.push(o):"function"==typeof o&&r.push(o.call(null,{rowIndex:e,columnIndex:t,row:n,column:i})),r.join(" ")},handleCellMouseEnter:function(e,t){var n=this.table,i=(0,r.getCell)(e);if(i){var s=(0,r.getColumnByCell)(n,i),a=n.hoverState={cell:i,column:s,row:t};n.$emit("cell-mouse-enter",a.row,a.column,a.cell,e)}var l=e.target.querySelector(".cell");if((0,o.hasClass)(l,"el-tooltip")&&l.scrollWidth>l.offsetWidth&&this.$refs.tooltip){var u=this.$refs.tooltip;this.tooltipContent=i.textContent||i.innerText,u.referenceElm=i,u.$refs.popper&&(u.$refs.popper.style.display="none"),u.doDestroy(),u.setExpectedState(!0),this.activateTooltip(u)}},handleCellMouseLeave:function(e){var t=this.$refs.tooltip;if(t&&(t.setExpectedState(!1),t.handleClosePopper()),(0,r.getCell)(e)){var n=this.table.hoverState||{};this.table.$emit("cell-mouse-leave",n.row,n.column,n.cell,e)}},handleMouseEnter:function(e){this.store.commit("setHoverRow",e)},handleMouseLeave:function(){this.store.commit("setHoverRow",null)},handleContextMenu:function(e,t){this.handleEvent(e,t,"contextmenu")},handleDoubleClick:function(e,t){this.handleEvent(e,t,"dblclick")},handleClick:function(e,t){this.store.commit("setCurrentRow",t),this.handleEvent(e,t,"click")},handleEvent:function(e,t,n){var i=this.table,o=(0,r.getCell)(e),s=void 0;o&&(s=(0,r.getColumnByCell)(i,o))&&i.$emit("cell-"+n,t,s,o,e),i.$emit("row-"+n,t,e,s)},handleExpandClick:function(e,t){t.stopPropagation(),this.store.toggleRowExpansion(e)}}}},function(e,t,n){"use strict";t.__esModule=!0;var i=n(3),r=u(n(14)),o=u(n(24)),s=u(n(5)),a=u(n(163)),l=u(n(26));function u(e){return e&&e.__esModule?e:{default:e}}var c=function(e){var t=1;e.forEach(function(e){e.level=1,function e(n,i){if(i&&(n.level=i.level+1,t<n.level&&(t=n.level)),n.children){var r=0;n.children.forEach(function(t){e(t,n),r+=t.colSpan}),n.colSpan=r}else n.colSpan=1}(e)});for(var n=[],i=0;i<t;i++)n.push([]);return function e(t){var n=[];return t.forEach(function(t){t.children?(n.push(t),n.push.apply(n,e(t.children))):n.push(t)}),n}(e).forEach(function(e){e.children?e.rowSpan=1:e.rowSpan=t-e.level+1,n[e.level-1].push(e)}),n};t.default={name:"ElTableHeader",mixins:[l.default],render:function(e){var t=this,n=this.store.states.originColumns,i=c(n,this.columns),r=i.length>1;return r&&(this.$parent.isGroup=!0),e("table",{class:"el-table__header",attrs:{cellspacing:"0",cellpadding:"0",border:"0"}},[e("colgroup",null,[this._l(this.columns,function(t){return e("col",{attrs:{name:t.id}},[])}),this.hasGutter?e("col",{attrs:{name:"gutter"}},[]):""]),e("thead",{class:[{"is-group":r,"has-gutter":this.hasGutter}]},[this._l(i,function(n,i){return e("tr",{style:t.getHeaderRowStyle(i),class:t.getHeaderRowClass(i)},[t._l(n,function(r,o){return e("th",{attrs:{colspan:r.colSpan,rowspan:r.rowSpan},on:{mousemove:function(e){return t.handleMouseMove(e,r)},mouseout:t.handleMouseOut,mousedown:function(e){return t.handleMouseDown(e,r)},click:function(e){return t.handleHeaderClick(e,r)},contextmenu:function(e){return t.handleHeaderContextMenu(e,r)}},style:t.getHeaderCellStyle(i,o,n,r),class:t.getHeaderCellClass(i,o,n,r)},[e("div",{class:["cell",r.filteredValue&&r.filteredValue.length>0?"highlight":"",r.labelClassName]},[r.renderHeader?r.renderHeader.call(t._renderProxy,e,{column:r,$index:o,store:t.store,_self:t.$parent.$vnode.context}):r.label,r.sortable?e("span",{class:"caret-wrapper",on:{click:function(e){return t.handleSortClick(e,r)}}},[e("i",{class:"sort-caret ascending",on:{click:function(e){return t.handleSortClick(e,r,"ascending")}}},[]),e("i",{class:"sort-caret descending",on:{click:function(e){return t.handleSortClick(e,r,"descending")}}},[])]):"",r.filterable?e("span",{class:"el-table__column-filter-trigger",on:{click:function(e){return t.handleFilterClick(e,r)}}},[e("i",{class:["el-icon-arrow-down",r.filterOpened?"el-icon-arrow-up":""]},[])]):""])])}),t.hasGutter?e("th",{class:"gutter"},[]):""])})])])},props:{fixed:String,store:{required:!0},border:Boolean,defaultSort:{type:Object,default:function(){return{prop:"",order:""}}}},components:{ElCheckbox:r.default,ElTag:o.default},computed:{table:function(){return this.$parent},isAllSelected:function(){return this.store.states.isAllSelected},columnsCount:function(){return this.store.states.columns.length},leftFixedCount:function(){return this.store.states.fixedColumns.length},rightFixedCount:function(){return this.store.states.rightFixedColumns.length},leftFixedLeafCount:function(){return this.store.states.fixedLeafColumnsLength},rightFixedLeafCount:function(){return this.store.states.rightFixedLeafColumnsLength},columns:function(){return this.store.states.columns},hasGutter:function(){return!this.fixed&&this.tableLayout.gutterWidth}},created:function(){this.filterPanels={}},mounted:function(){var e,t=this;this.defaultSort.prop&&((e=t.store.states).sortProp=t.defaultSort.prop,e.sortOrder=t.defaultSort.order||"ascending",t.$nextTick(function(n){for(var i=0,r=t.columns.length;i<r;i++){var o=t.columns[i];if(o.property===e.sortProp){o.order=e.sortOrder,e.sortingColumn=o;break}}e.sortingColumn&&t.store.commit("changeSortCondition")}))},beforeDestroy:function(){var e=this.filterPanels;for(var t in e)e.hasOwnProperty(t)&&e[t]&&e[t].$destroy(!0)},methods:{isCellHidden:function(e,t){for(var n=0,i=0;i<e;i++)n+=t[i].colSpan;var r=n+t[e].colSpan-1;return!0===this.fixed||"left"===this.fixed?r>=this.leftFixedLeafCount:"right"===this.fixed?n<this.columnsCount-this.rightFixedLeafCount:r<this.leftFixedLeafCount||n>=this.columnsCount-this.rightFixedLeafCount},getHeaderRowStyle:function(e){var t=this.table.headerRowStyle;return"function"==typeof t?t.call(null,{rowIndex:e}):t},getHeaderRowClass:function(e){var t=[],n=this.table.headerRowClassName;return"string"==typeof n?t.push(n):"function"==typeof n&&t.push(n.call(null,{rowIndex:e})),t.join(" ")},getHeaderCellStyle:function(e,t,n,i){var r=this.table.headerCellStyle;return"function"==typeof r?r.call(null,{rowIndex:e,columnIndex:t,row:n,column:i}):r},getHeaderCellClass:function(e,t,n,i){var r=[i.id,i.order,i.headerAlign,i.className,i.labelClassName];0===e&&this.isCellHidden(t,n)&&r.push("is-hidden"),i.children||r.push("is-leaf"),i.sortable&&r.push("is-sortable");var o=this.table.headerCellClassName;return"string"==typeof o?r.push(o):"function"==typeof o&&r.push(o.call(null,{rowIndex:e,columnIndex:t,row:n,column:i})),r.join(" ")},toggleAllSelection:function(){this.store.commit("toggleAllSelection")},handleFilterClick:function(e,t){e.stopPropagation();var n=e.target,i="TH"===n.tagName?n:n.parentNode;i=i.querySelector(".el-table__column-filter-trigger")||i;var r=this.$parent,o=this.filterPanels[t.id];o&&t.filterOpened?o.showPopper=!1:(o||(o=new s.default(a.default),this.filterPanels[t.id]=o,t.filterPlacement&&(o.placement=t.filterPlacement),o.table=r,o.cell=i,o.column=t,!this.$isServer&&o.$mount(document.createElement("div"))),setTimeout(function(){o.showPopper=!0},16))},handleHeaderClick:function(e,t){!t.filters&&t.sortable?this.handleSortClick(e,t):t.filters&&!t.sortable&&this.handleFilterClick(e,t),this.$parent.$emit("header-click",t,e)},handleHeaderContextMenu:function(e,t){this.$parent.$emit("header-contextmenu",t,e)},handleMouseDown:function(e,t){var n=this;this.$isServer||t.children&&t.children.length>0||this.draggingColumn&&this.border&&function(){n.dragging=!0,n.$parent.resizeProxyVisible=!0;var r=n.$parent,o=r.$el.getBoundingClientRect().left,s=n.$el.querySelector("th."+t.id),a=s.getBoundingClientRect(),l=a.left-o+30;(0,i.addClass)(s,"noclick"),n.dragState={startMouseLeft:e.clientX,startLeft:a.right-o,startColumnLeft:a.left-o,tableLeft:o};var u=r.$refs.resizeProxy;u.style.left=n.dragState.startLeft+"px",document.onselectstart=function(){return!1},document.ondragstart=function(){return!1};var c=function(e){var t=e.clientX-n.dragState.startMouseLeft,i=n.dragState.startLeft+t;u.style.left=Math.max(l,i)+"px"};document.addEventListener("mousemove",c),document.addEventListener("mouseup",function o(){if(n.dragging){var a=n.dragState,l=a.startColumnLeft,d=a.startLeft,f=parseInt(u.style.left,10)-l;t.width=t.realWidth=f,r.$emit("header-dragend",t.width,d-l,t,e),n.store.scheduleLayout(),document.body.style.cursor="",n.dragging=!1,n.draggingColumn=null,n.dragState={},r.resizeProxyVisible=!1}document.removeEventListener("mousemove",c),document.removeEventListener("mouseup",o),document.onselectstart=null,document.ondragstart=null,setTimeout(function(){(0,i.removeClass)(s,"noclick")},0)})}()},handleMouseMove:function(e,t){if(!(t.children&&t.children.length>0)){for(var n=e.target;n&&"TH"!==n.tagName;)n=n.parentNode;if(t&&t.resizable&&!this.dragging&&this.border){var r=n.getBoundingClientRect(),o=document.body.style;r.width>12&&r.right-e.pageX<8?(o.cursor="col-resize",(0,i.hasClass)(n,"is-sortable")&&(n.style.cursor="col-resize"),this.draggingColumn=t):this.dragging||(o.cursor="",(0,i.hasClass)(n,"is-sortable")&&(n.style.cursor="pointer"),this.draggingColumn=null)}}},handleMouseOut:function(){this.$isServer||(document.body.style.cursor="")},toggleOrder:function(e){return e?"ascending"===e?"descending":null:"ascending"},handleSortClick:function(e,t,n){e.stopPropagation();for(var r=n||this.toggleOrder(t.order),o=e.target;o&&"TH"!==o.tagName;)o=o.parentNode;if(o&&"TH"===o.tagName&&(0,i.hasClass)(o,"noclick"))(0,i.removeClass)(o,"noclick");else if(t.sortable){var s=this.store.states,a=s.sortProp,l=void 0,u=s.sortingColumn;(u!==t||u===t&&null===u.order)&&(u&&(u.order=null),s.sortingColumn=t,a=t.property),r?l=t.order=r:(l=t.order=null,s.sortingColumn=null,a=null),s.sortProp=a,s.sortOrder=l,this.store.commit("changeSortCondition")}}},data:function(){return{draggingColumn:null,dragging:!1,dragState:{}}}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(164),r=n.n(i),o=n(166),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=c(n(8)),r=n(12),o=c(n(2)),s=c(n(9)),a=c(n(165)),l=c(n(14)),u=c(n(36));function c(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElTableFilterPanel",mixins:[i.default,o.default],directives:{Clickoutside:s.default},components:{ElCheckbox:l.default,ElCheckboxGroup:u.default},props:{placement:{type:String,default:"bottom-end"}},customRender:function(e){return e("div",{class:"el-table-filter"},[e("div",{class:"el-table-filter__content"},[]),e("div",{class:"el-table-filter__bottom"},[e("button",{on:{click:this.handleConfirm}},[this.t("el.table.confirmFilter")]),e("button",{on:{click:this.handleReset}},[this.t("el.table.resetFilter")])])])},methods:{isActive:function(e){return e.value===this.filterValue},handleOutsideClick:function(){var e=this;setTimeout(function(){e.showPopper=!1},16)},handleConfirm:function(){this.confirmFilter(this.filteredValue),this.handleOutsideClick()},handleReset:function(){this.filteredValue=[],this.confirmFilter(this.filteredValue),this.handleOutsideClick()},handleSelect:function(e){this.filterValue=e,void 0!==e&&null!==e?this.confirmFilter(this.filteredValue):this.confirmFilter([]),this.handleOutsideClick()},confirmFilter:function(e){this.table.store.commit("filterChange",{column:this.column,values:e}),this.table.store.updateAllSelected()}},data:function(){return{table:null,cell:null,column:null}},computed:{filters:function(){return this.column&&this.column.filters},filterValue:{get:function(){return(this.column.filteredValue||[])[0]},set:function(e){this.filteredValue&&(void 0!==e&&null!==e?this.filteredValue.splice(0,1,e):this.filteredValue.splice(0,1))}},filteredValue:{get:function(){return this.column&&this.column.filteredValue||[]},set:function(e){this.column&&(this.column.filteredValue=e)}},multiple:function(){return!this.column||this.column.filterMultiple}},mounted:function(){var e=this;this.popperElm=this.$el,this.referenceElm=this.cell,this.table.bodyWrapper.addEventListener("scroll",function(){e.updatePopper()}),this.$watch("showPopper",function(t){e.column&&(e.column.filterOpened=t),t?a.default.open(e):a.default.close(e)})},watch:{showPopper:function(e){!0===e&&parseInt(this.popperJS._popper.style.zIndex,10)<r.PopupManager.zIndex&&(this.popperJS._popper.style.zIndex=r.PopupManager.nextZIndex())}}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(5);var o=[];!((i=r)&&i.__esModule?i:{default:i}).default.prototype.$isServer&&document.addEventListener("click",function(e){o.forEach(function(t){var n=e.target;t&&t.$el&&(n===t.$el||t.$el.contains(n)||t.handleOutsideClick&&t.handleOutsideClick(e))})}),t.default={open:function(e){e&&o.push(e)},close:function(e){-1!==o.indexOf(e)&&o.splice(e,1)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-zoom-in-top"}},[e.multiple?n("div",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.handleOutsideClick,expression:"handleOutsideClick"},{name:"show",rawName:"v-show",value:e.showPopper,expression:"showPopper"}],staticClass:"el-table-filter"},[n("div",{staticClass:"el-table-filter__content"},[n("el-checkbox-group",{staticClass:"el-table-filter__checkbox-group",model:{value:e.filteredValue,callback:function(t){e.filteredValue=t},expression:"filteredValue"}},e._l(e.filters,function(t){return n("el-checkbox",{key:t.value,attrs:{label:t.value}},[e._v(e._s(t.text))])}))],1),n("div",{staticClass:"el-table-filter__bottom"},[n("button",{class:{"is-disabled":0===e.filteredValue.length},attrs:{disabled:0===e.filteredValue.length},on:{click:e.handleConfirm}},[e._v(e._s(e.t("el.table.confirmFilter")))]),n("button",{on:{click:e.handleReset}},[e._v(e._s(e.t("el.table.resetFilter")))])])]):n("div",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.handleOutsideClick,expression:"handleOutsideClick"},{name:"show",rawName:"v-show",value:e.showPopper,expression:"showPopper"}],staticClass:"el-table-filter"},[n("ul",{staticClass:"el-table-filter__list"},[n("li",{staticClass:"el-table-filter__list-item",class:{"is-active":void 0===e.filterValue||null===e.filterValue},on:{click:function(t){e.handleSelect(null)}}},[e._v(e._s(e.t("el.table.clearFilter")))]),e._l(e.filters,function(t){return n("li",{key:t.value,staticClass:"el-table-filter__list-item",class:{"is-active":e.isActive(t)},attrs:{label:t.value},on:{click:function(n){e.handleSelect(t.value)}}},[e._v(e._s(t.text))])})],2)])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(26),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElTableFooter",mixins:[o.default],render:function(e){var t=this,n=[];return this.columns.forEach(function(e,i){if(0!==i){var r=t.store.states.data.map(function(t){return Number(t[e.property])}),o=[],s=!0;r.forEach(function(e){if(!isNaN(e)){s=!1;var t=(""+e).split(".")[1];o.push(t?t.length:0)}});var a=Math.max.apply(null,o);n[i]=s?"":r.reduce(function(e,t){var n=Number(t);return isNaN(n)?e:parseFloat((e+t).toFixed(Math.min(a,20)))},0)}else n[i]=t.sumText}),e("table",{class:"el-table__footer",attrs:{cellspacing:"0",cellpadding:"0",border:"0"}},[e("colgroup",null,[this._l(this.columns,function(t){return e("col",{attrs:{name:t.id}},[])}),this.hasGutter?e("col",{attrs:{name:"gutter"}},[]):""]),e("tbody",{class:[{"has-gutter":this.hasGutter}]},[e("tr",null,[this._l(this.columns,function(i,r){return e("td",{attrs:{colspan:i.colSpan,rowspan:i.rowSpan},class:[i.id,i.headerAlign,i.className||"",t.isCellHidden(r,t.columns)?"is-hidden":"",i.children?"":"is-leaf",i.labelClassName]},[e("div",{class:["cell",i.labelClassName]},[t.summaryMethod?t.summaryMethod({columns:t.columns,data:t.store.states.data})[r]:n[r]])])}),this.hasGutter?e("th",{class:"gutter"},[]):""])])])},props:{fixed:String,store:{required:!0},summaryMethod:Function,sumText:String,border:Boolean,defaultSort:{type:Object,default:function(){return{prop:"",order:""}}}},computed:{table:function(){return this.$parent},isAllSelected:function(){return this.store.states.isAllSelected},columnsCount:function(){return this.store.states.columns.length},leftFixedCount:function(){return this.store.states.fixedColumns.length},rightFixedCount:function(){return this.store.states.rightFixedColumns.length},columns:function(){return this.store.states.columns},hasGutter:function(){return!this.fixed&&this.tableLayout.gutterWidth}},methods:{isCellHidden:function(e,t){if(!0===this.fixed||"left"===this.fixed)return e>=this.leftFixedCount;if("right"===this.fixed){for(var n=0,i=0;i<e;i++)n+=t[i].colSpan;return n<this.columnsCount-this.rightFixedCount}return e<this.leftFixedCount||e>=this.columnsCount-this.rightFixedCount}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-table",class:[{"el-table--fit":e.fit,"el-table--striped":e.stripe,"el-table--border":e.border||e.isGroup,"el-table--hidden":e.isHidden,"el-table--group":e.isGroup,"el-table--fluid-height":e.maxHeight,"el-table--scrollable-x":e.layout.scrollX,"el-table--scrollable-y":e.layout.scrollY,"el-table--enable-row-hover":!e.store.states.isComplex,"el-table--enable-row-transition":0!==(e.store.states.data||[]).length&&(e.store.states.data||[]).length<100},e.tableSize?"el-table--"+e.tableSize:""],on:{mouseleave:function(t){e.handleMouseLeave(t)}}},[n("div",{ref:"hiddenColumns",staticClass:"hidden-columns"},[e._t("default")],2),e.showHeader?n("div",{directives:[{name:"mousewheel",rawName:"v-mousewheel",value:e.handleHeaderFooterMousewheel,expression:"handleHeaderFooterMousewheel"}],ref:"headerWrapper",staticClass:"el-table__header-wrapper"},[n("table-header",{ref:"tableHeader",style:{width:e.layout.bodyWidth?e.layout.bodyWidth+"px":""},attrs:{store:e.store,border:e.border,"default-sort":e.defaultSort}})],1):e._e(),n("div",{ref:"bodyWrapper",staticClass:"el-table__body-wrapper",class:[e.layout.scrollX?"is-scrolling-"+e.scrollPosition:"is-scrolling-none"],style:[e.bodyHeight]},[n("table-body",{style:{width:e.bodyWidth},attrs:{context:e.context,store:e.store,stripe:e.stripe,"row-class-name":e.rowClassName,"row-style":e.rowStyle,highlight:e.highlightCurrentRow}}),e.data&&0!==e.data.length?e._e():n("div",{ref:"emptyBlock",staticClass:"el-table__empty-block",style:{width:e.bodyWidth}},[n("span",{staticClass:"el-table__empty-text"},[e._t("empty",[e._v(e._s(e.emptyText||e.t("el.table.emptyText")))])],2)]),e.$slots.append?n("div",{ref:"appendWrapper",staticClass:"el-table__append-wrapper"},[e._t("append")],2):e._e()],1),e.showSummary?n("div",{directives:[{name:"show",rawName:"v-show",value:e.data&&e.data.length>0,expression:"data && data.length > 0"},{name:"mousewheel",rawName:"v-mousewheel",value:e.handleHeaderFooterMousewheel,expression:"handleHeaderFooterMousewheel"}],ref:"footerWrapper",staticClass:"el-table__footer-wrapper"},[n("table-footer",{style:{width:e.layout.bodyWidth?e.layout.bodyWidth+"px":""},attrs:{store:e.store,border:e.border,"sum-text":e.sumText||e.t("el.table.sumText"),"summary-method":e.summaryMethod,"default-sort":e.defaultSort}})],1):e._e(),e.fixedColumns.length>0?n("div",{directives:[{name:"mousewheel",rawName:"v-mousewheel",value:e.handleFixedMousewheel,expression:"handleFixedMousewheel"}],ref:"fixedWrapper",staticClass:"el-table__fixed",style:[{width:e.layout.fixedWidth?e.layout.fixedWidth+"px":""},e.fixedHeight]},[e.showHeader?n("div",{ref:"fixedHeaderWrapper",staticClass:"el-table__fixed-header-wrapper"},[n("table-header",{ref:"fixedTableHeader",style:{width:e.bodyWidth},attrs:{fixed:"left",border:e.border,store:e.store}})],1):e._e(),n("div",{ref:"fixedBodyWrapper",staticClass:"el-table__fixed-body-wrapper",style:[{top:e.layout.headerHeight+"px"},e.fixedBodyHeight]},[n("table-body",{style:{width:e.bodyWidth},attrs:{fixed:"left",store:e.store,stripe:e.stripe,highlight:e.highlightCurrentRow,"row-class-name":e.rowClassName,"row-style":e.rowStyle}}),e.$slots.append?n("div",{staticClass:"el-table__append-gutter",style:{height:e.layout.appendHeight+"px"}}):e._e()],1),e.showSummary?n("div",{directives:[{name:"show",rawName:"v-show",value:e.data&&e.data.length>0,expression:"data && data.length > 0"}],ref:"fixedFooterWrapper",staticClass:"el-table__fixed-footer-wrapper"},[n("table-footer",{style:{width:e.bodyWidth},attrs:{fixed:"left",border:e.border,"sum-text":e.sumText||e.t("el.table.sumText"),"summary-method":e.summaryMethod,store:e.store}})],1):e._e()]):e._e(),e.rightFixedColumns.length>0?n("div",{directives:[{name:"mousewheel",rawName:"v-mousewheel",value:e.handleFixedMousewheel,expression:"handleFixedMousewheel"}],ref:"rightFixedWrapper",staticClass:"el-table__fixed-right",style:[{width:e.layout.rightFixedWidth?e.layout.rightFixedWidth+"px":"",right:e.layout.scrollY?(e.border?e.layout.gutterWidth:e.layout.gutterWidth||0)+"px":""},e.fixedHeight]},[e.showHeader?n("div",{ref:"rightFixedHeaderWrapper",staticClass:"el-table__fixed-header-wrapper"},[n("table-header",{ref:"rightFixedTableHeader",style:{width:e.bodyWidth},attrs:{fixed:"right",border:e.border,store:e.store}})],1):e._e(),n("div",{ref:"rightFixedBodyWrapper",staticClass:"el-table__fixed-body-wrapper",style:[{top:e.layout.headerHeight+"px"},e.fixedBodyHeight]},[n("table-body",{style:{width:e.bodyWidth},attrs:{fixed:"right",store:e.store,stripe:e.stripe,"row-class-name":e.rowClassName,"row-style":e.rowStyle,highlight:e.highlightCurrentRow}})],1),e.showSummary?n("div",{directives:[{name:"show",rawName:"v-show",value:e.data&&e.data.length>0,expression:"data && data.length > 0"}],ref:"rightFixedFooterWrapper",staticClass:"el-table__fixed-footer-wrapper"},[n("table-footer",{style:{width:e.bodyWidth},attrs:{fixed:"right",border:e.border,"sum-text":e.sumText||e.t("el.table.sumText"),"summary-method":e.summaryMethod,store:e.store}})],1):e._e()]):e._e(),e.rightFixedColumns.length>0?n("div",{ref:"rightFixedPatch",staticClass:"el-table__fixed-right-patch",style:{width:e.layout.scrollY?e.layout.gutterWidth+"px":"0",height:e.layout.headerHeight+"px"}}):e._e(),n("div",{directives:[{name:"show",rawName:"v-show",value:e.resizeProxyVisible,expression:"resizeProxyVisible"}],ref:"resizeProxy",staticClass:"el-table__column-resize-proxy"})])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(170),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(14)),r=a(n(24)),o=a(n(10)),s=n(4);function a(e){return e&&e.__esModule?e:{default:e}}var l=1,u={default:{order:""},selection:{width:48,minWidth:48,realWidth:48,order:"",className:"el-table-column--selection"},expand:{width:48,minWidth:48,realWidth:48,order:""},index:{width:48,minWidth:48,realWidth:48,order:""}},c={selection:{renderHeader:function(e,t){var n=t.store;return e("el-checkbox",{attrs:{disabled:n.states.data&&0===n.states.data.length,indeterminate:n.states.selection.length>0&&!this.isAllSelected,value:this.isAllSelected},nativeOn:{click:this.toggleAllSelection}},[])},renderCell:function(e,t){var n=t.row,i=t.column,r=t.store,o=t.$index;return e("el-checkbox",{nativeOn:{click:function(e){return e.stopPropagation()}},attrs:{value:r.isSelected(n),disabled:!!i.selectable&&!i.selectable.call(null,n,o)},on:{input:function(){r.commit("rowSelectedChanged",n)}}},[])},sortable:!1,resizable:!1},index:{renderHeader:function(e,t){return t.column.label||"#"},renderCell:function(e,t){var n=t.$index,i=n+1,r=t.column.index;return"number"==typeof r?i=n+r:"function"==typeof r&&(i=r(n)),e("div",null,[i])},sortable:!1},expand:{renderHeader:function(e,t){return t.column.label||""},renderCell:function(e,t,n){var i=t.row;return e("div",{class:"el-table__expand-icon "+(t.store.states.expandRows.indexOf(i)>-1?"el-table__expand-icon--expanded":""),on:{click:function(e){return n.handleExpandClick(i,e)}}},[e("i",{class:"el-icon el-icon-arrow-right"},[])])},sortable:!1,resizable:!1,className:"el-table__expand-column"}},d=function(e,t){var n=t.row,i=t.column,r=i.property,o=r&&(0,s.getPropByPath)(n,r).v;return i&&i.formatter?i.formatter(n,i,o):o},f=function(e){return void 0!==e&&(e=parseInt(e,10),isNaN(e)&&(e=null)),e},h=function(e){return void 0!==e&&(e=parseInt(e,10),isNaN(e)&&(e=80)),e};t.default={name:"ElTableColumn",props:{type:{type:String,default:"default"},label:String,className:String,labelClassName:String,property:String,prop:String,width:{},minWidth:{},renderHeader:Function,sortable:{type:[String,Boolean],default:!1},sortMethod:Function,sortBy:[String,Function,Array],resizable:{type:Boolean,default:!0},context:{},columnKey:String,align:String,headerAlign:String,showTooltipWhenOverflow:Boolean,showOverflowTooltip:Boolean,fixed:[Boolean,String],formatter:Function,selectable:Function,reserveSelection:Boolean,filterMethod:Function,filteredValue:Array,filters:Array,filterPlacement:String,filterMultiple:{type:Boolean,default:!0},index:[Number,Function]},data:function(){return{isSubColumn:!1,columns:[]}},beforeCreate:function(){this.row={},this.column={},this.$index=0},components:{ElCheckbox:i.default,ElTag:r.default},computed:{owner:function(){for(var e=this.$parent;e&&!e.tableId;)e=e.$parent;return e},columnOrTableParent:function(){for(var e=this.$parent;e&&!e.tableId&&!e.columnId;)e=e.$parent;return e}},created:function(){var e=this;this.customRender=this.$options.render,this.$options.render=function(t){return t("div",e.$slots.default)};var t=this.columnOrTableParent,n=this.owner;this.isSubColumn=n!==t,this.columnId=(t.tableId||t.columnId)+"_column_"+l++;var i=this.type,r=f(this.width),s=h(this.minWidth),a=function(e,t){var n={};for(var i in(0,o.default)(n,u[e||"default"]),t)if(t.hasOwnProperty(i)){var r=t[i];void 0!==r&&(n[i]=r)}return n.minWidth||(n.minWidth=80),n.realWidth=void 0===n.width?n.minWidth:n.width,n}(i,{id:this.columnId,columnKey:this.columnKey,label:this.label,className:this.className,labelClassName:this.labelClassName,property:this.prop||this.property,type:i,renderCell:null,renderHeader:this.renderHeader,minWidth:s,width:r,isColumnGroup:!1,context:this.context,align:this.align?"is-"+this.align:null,headerAlign:this.headerAlign?"is-"+this.headerAlign:this.align?"is-"+this.align:null,sortable:""===this.sortable||this.sortable,sortMethod:this.sortMethod,sortBy:this.sortBy,resizable:this.resizable,showOverflowTooltip:this.showOverflowTooltip||this.showTooltipWhenOverflow,formatter:this.formatter,selectable:this.selectable,reserveSelection:this.reserveSelection,fixed:""===this.fixed||this.fixed,filterMethod:this.filterMethod,filters:this.filters,filterable:this.filters||this.filterMethod,filterMultiple:this.filterMultiple,filterOpened:!1,filteredValue:this.filteredValue||[],filterPlacement:this.filterPlacement||"",index:this.index});(0,o.default)(a,c[i]||{}),this.columnConfig=a;var p=a.renderCell,m=this;if("expand"===i)return n.renderExpanded=function(e,t){return m.$scopedSlots.default?m.$scopedSlots.default(t):m.$slots.default},void(a.renderCell=function(e,t){return e("div",{class:"cell"},[p(e,t,this._renderProxy)])});a.renderCell=function(e,t){return m.$scopedSlots.default&&(p=function(){return m.$scopedSlots.default(t)}),p||(p=d),m.showOverflowTooltip||m.showTooltipWhenOverflow?e("div",{class:"cell el-tooltip",style:{width:(t.column.realWidth||t.column.width)-1+"px"}},[p(e,t)]):e("div",{class:"cell"},[p(e,t)])}},destroyed:function(){if(this.$parent){var e=this.$parent;this.owner.store.commit("removeColumn",this.columnConfig,this.isSubColumn?e.columnConfig:null)}},watch:{label:function(e){this.columnConfig&&(this.columnConfig.label=e)},prop:function(e){this.columnConfig&&(this.columnConfig.property=e)},property:function(e){this.columnConfig&&(this.columnConfig.property=e)},filters:function(e){this.columnConfig&&(this.columnConfig.filters=e)},filterMultiple:function(e){this.columnConfig&&(this.columnConfig.filterMultiple=e)},align:function(e){this.columnConfig&&(this.columnConfig.align=e?"is-"+e:null,this.headerAlign||(this.columnConfig.headerAlign=e?"is-"+e:null))},headerAlign:function(e){this.columnConfig&&(this.columnConfig.headerAlign="is-"+(e||this.align))},width:function(e){this.columnConfig&&(this.columnConfig.width=f(e),this.owner.store.scheduleLayout())},minWidth:function(e){this.columnConfig&&(this.columnConfig.minWidth=h(e),this.owner.store.scheduleLayout())},fixed:function(e){this.columnConfig&&(this.columnConfig.fixed=e,this.owner.store.scheduleLayout(!0))},sortable:function(e){this.columnConfig&&(this.columnConfig.sortable=e)},index:function(e){this.columnConfig&&(this.columnConfig.index=e)},formatter:function(e){this.columnConfig&&(this.columnConfig.formatter=e)}},mounted:function(){var e=this.owner,t=this.columnOrTableParent,n=void 0;n=this.isSubColumn?[].indexOf.call(t.$el.children,this.$el):[].indexOf.call(t.$refs.hiddenColumns.children,this.$el),e.store.commit("insertColumn",this.columnConfig,n,this.isSubColumn?t.columnConfig:null)}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(172),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(27)),r=s(n(176)),o=s(n(191));function s(e){return e&&e.__esModule?e:{default:e}}var a=function(e){return"daterange"===e||"datetimerange"===e?o.default:r.default};t.default={mixins:[i.default],name:"ElDatePicker",props:{type:{type:String,default:"date"},timeArrowControl:Boolean},watch:{type:function(e){this.picker?(this.unmountPicker(),this.panel=a(e),this.mountPicker()):this.panel=a(e)}},created:function(){this.panel=a(this.type)}}},function(e,t,n){"use strict";t.__esModule=!0;var i=c(n(5)),r=c(n(9)),o=n(11),s=c(n(8)),a=c(n(1)),l=c(n(6)),u=c(n(10));function c(e){return e&&e.__esModule?e:{default:e}}var d={props:{appendToBody:s.default.props.appendToBody,offset:s.default.props.offset,boundariesPadding:s.default.props.boundariesPadding,arrowOffset:s.default.props.arrowOffset},methods:s.default.methods,data:function(){return(0,u.default)({visibleArrow:!0},s.default.data)},beforeDestroy:s.default.beforeDestroy},f={date:"yyyy-MM-dd",month:"yyyy-MM",datetime:"yyyy-MM-dd HH:mm:ss",time:"HH:mm:ss",week:"yyyywWW",timerange:"HH:mm:ss",daterange:"yyyy-MM-dd",datetimerange:"yyyy-MM-dd HH:mm:ss",year:"yyyy"},h=["date","datetime","time","time-select","week","month","year","daterange","timerange","datetimerange"],p=function(e,t){return"timestamp"===t?e.getTime():(0,o.formatDate)(e,t)},m=function(e,t){return"timestamp"===t?new Date(Number(e)):(0,o.parseDate)(e,t)},v=function(e,t){if(Array.isArray(e)&&2===e.length){var n=e[0],i=e[1];if(n&&i)return[p(n,t),p(i,t)]}return""},g=function(e,t,n){if(Array.isArray(e)||(e=e.split(n)),2===e.length){var i=e[0],r=e[1];return[m(i,t),m(r,t)]}return[]},y={default:{formatter:function(e){return e?""+e:""},parser:function(e){return void 0===e||""===e?null:e}},week:{formatter:function(e,t){var n=(0,o.getWeekNumber)(e),i=e.getMonth(),r=new Date(e);1===n&&11===i&&(r.setHours(0,0,0,0),r.setDate(r.getDate()+3-(r.getDay()+6)%7));var s=(0,o.formatDate)(r,t);return s=/WW/.test(s)?s.replace(/WW/,n<10?"0"+n:n):s.replace(/W/,n)},parser:function(e){var t=(e||"").split("w");if(2===t.length){var n=Number(t[0]),i=Number(t[1]);if(!isNaN(n)&&!isNaN(i)&&i<54)return e}return null}},date:{formatter:p,parser:m},datetime:{formatter:p,parser:m},daterange:{formatter:v,parser:g},datetimerange:{formatter:v,parser:g},timerange:{formatter:v,parser:g},time:{formatter:p,parser:m},month:{formatter:p,parser:m},year:{formatter:p,parser:m},number:{formatter:function(e){return e?""+e:""},parser:function(e){var t=Number(e);return isNaN(e)?null:t}}},b={left:"bottom-start",center:"bottom",right:"bottom-end"},_=function(e,t,n){var i=arguments.length>3&&void 0!==arguments[3]?arguments[3]:"-";return e?(0,(y[n]||y.default).parser)(e,t||f[n],i):null},x=function(e,t,n){return e?(0,(y[n]||y.default).formatter)(e,t||f[n]):null},C=function(e){return"string"==typeof e||e instanceof String},w=function(e){return null===e||void 0===e||C(e)||Array.isArray(e)&&2===e.length&&e.every(C)};t.default={mixins:[a.default,d],inject:{elForm:{default:""},elFormItem:{default:""}},props:{size:String,format:String,valueFormat:String,readonly:Boolean,placeholder:String,startPlaceholder:String,endPlaceholder:String,prefixIcon:String,clearIcon:{type:String,default:"el-icon-circle-close"},name:{default:"",validator:w},disabled:Boolean,clearable:{type:Boolean,default:!0},id:{default:"",validator:w},popperClass:String,editable:{type:Boolean,default:!0},align:{type:String,default:"left"},value:{},defaultValue:{},defaultTime:{},rangeSeparator:{default:"-"},pickerOptions:{},unlinkPanels:Boolean},components:{ElInput:l.default},directives:{Clickoutside:r.default},data:function(){return{pickerVisible:!1,showClose:!1,userInput:null,valueOnOpen:null,unwatchPickerOptions:null}},watch:{pickerVisible:function(e){if(!this.readonly&&!this.pickerDisabled)if(e)this.showPicker(),this.valueOnOpen=this.value;else{this.hidePicker(),this.emitChange(this.value);var t=this.parseString(this.displayValue);this.userInput&&t&&this.isValidValue(t)&&(this.userInput=null),this.dispatch("ElFormItem","el.form.blur"),this.$emit("blur",this),this.blur()}},parsedValue:{immediate:!0,handler:function(e){this.picker&&(this.picker.value=e)}},defaultValue:function(e){this.picker&&(this.picker.defaultValue=e)}},computed:{ranged:function(){return this.type.indexOf("range")>-1},reference:function(){var e=this.$refs.reference;return e.$el||e},refInput:function(){return this.reference?[].slice.call(this.reference.querySelectorAll("input")):[]},valueIsEmpty:function(){var e=this.value;if(Array.isArray(e)){for(var t=0,n=e.length;t<n;t++)if(e[t])return!1}else if(e)return!1;return!0},triggerClass:function(){return this.prefixIcon||(-1!==this.type.indexOf("time")?"el-icon-time":"el-icon-date")},selectionMode:function(){return"week"===this.type?"week":"month"===this.type?"month":"year"===this.type?"year":"day"},haveTrigger:function(){return void 0!==this.showTrigger?this.showTrigger:-1!==h.indexOf(this.type)},displayValue:function(){var e=x(this.parsedValue,this.format,this.type,this.rangeSeparator);return Array.isArray(this.userInput)?[this.userInput[0]||e&&e[0]||"",this.userInput[1]||e&&e[1]||""]:null!==this.userInput?this.userInput:e||""},parsedValue:function(){var e=(0,o.isDateObject)(this.value)||Array.isArray(this.value)&&this.value.every(o.isDateObject);return this.valueFormat&&!e&&_(this.value,this.valueFormat,this.type,this.rangeSeparator)||this.value},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},pickerSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},pickerDisabled:function(){return this.disabled||(this.elForm||{}).disabled},firstInputId:function(){var e={},t=void 0;return(t=this.ranged?this.id&&this.id[0]:this.id)&&(e.id=t),e},secondInputId:function(){var e={},t=void 0;return this.ranged&&(t=this.id&&this.id[1]),t&&(e.id=t),e}},created:function(){this.popperOptions={boundariesPadding:0,gpuAcceleration:!1},this.placement=b[this.align]||b.left,this.$on("fieldReset",this.handleFieldReset)},methods:{focus:function(){this.ranged?this.handleFocus():this.$refs.reference.focus()},blur:function(){this.refInput.forEach(function(e){return e.blur()})},parseValue:function(e){var t=(0,o.isDateObject)(e)||Array.isArray(e)&&e.every(o.isDateObject);return this.valueFormat&&!t&&_(e,this.valueFormat,this.type,this.rangeSeparator)||e},formatToValue:function(e){var t=(0,o.isDateObject)(e)||Array.isArray(e)&&e.every(o.isDateObject);return this.valueFormat&&t?x(e,this.valueFormat,this.type,this.rangeSeparator):e},parseString:function(e){var t=Array.isArray(e)?this.type:this.type.replace("range","");return _(e,this.format,t)},formatToString:function(e){var t=Array.isArray(e)?this.type:this.type.replace("range","");return x(e,this.format,t)},handleMouseEnter:function(){this.readonly||this.pickerDisabled||!this.valueIsEmpty&&this.clearable&&(this.showClose=!0)},handleChange:function(){if(this.userInput){var e=this.parseString(this.displayValue);e&&(this.picker.value=e,this.isValidValue(e)&&(this.emitInput(e),this.userInput=null))}""===this.userInput&&(this.emitInput(null),this.emitChange(null),this.userInput=null)},handleStartInput:function(e){this.userInput?this.userInput=[e.target.value,this.userInput[1]]:this.userInput=[e.target.value,null]},handleEndInput:function(e){this.userInput?this.userInput=[this.userInput[0],e.target.value]:this.userInput=[null,e.target.value]},handleStartChange:function(e){var t=this.parseString(this.userInput&&this.userInput[0]);if(t){this.userInput=[this.formatToString(t),this.displayValue[1]];var n=[t,this.picker.value&&this.picker.value[1]];this.picker.value=n,this.isValidValue(n)&&(this.emitInput(n),this.userInput=null)}},handleEndChange:function(e){var t=this.parseString(this.userInput&&this.userInput[1]);if(t){this.userInput=[this.displayValue[0],this.formatToString(t)];var n=[this.picker.value&&this.picker.value[0],t];this.picker.value=n,this.isValidValue(n)&&(this.emitInput(n),this.userInput=null)}},handleClickIcon:function(e){this.readonly||this.pickerDisabled||(this.showClose?(this.valueOnOpen=this.value,e.stopPropagation(),this.emitInput(null),this.emitChange(null),this.showClose=!1,this.picker&&"function"==typeof this.picker.handleClear&&this.picker.handleClear()):this.pickerVisible=!this.pickerVisible)},handleClose:function(){this.pickerVisible=!1},handleFieldReset:function(e){this.userInput=e},handleFocus:function(){var e=this.type;-1===h.indexOf(e)||this.pickerVisible||(this.pickerVisible=!0),this.$emit("focus",this)},handleKeydown:function(e){var t=this,n=e.keyCode;return 27===n?(this.pickerVisible=!1,void e.stopPropagation()):9!==n?13===n?((""===this.userInput||this.isValidValue(this.parseString(this.displayValue)))&&(this.handleChange(),this.pickerVisible=this.picker.visible=!1,this.blur()),void e.stopPropagation()):void(this.userInput?e.stopPropagation():this.picker&&this.picker.handleKeydown&&this.picker.handleKeydown(e)):void(this.ranged?setTimeout(function(){-1===t.refInput.indexOf(document.activeElement)&&(t.pickerVisible=!1,t.blur(),e.stopPropagation())},0):(this.handleChange(),this.pickerVisible=this.picker.visible=!1,this.blur(),e.stopPropagation()))},handleRangeClick:function(){var e=this.type;-1===h.indexOf(e)||this.pickerVisible||(this.pickerVisible=!0),this.$emit("focus",this)},hidePicker:function(){this.picker&&(this.picker.resetView&&this.picker.resetView(),this.pickerVisible=this.picker.visible=!1,this.destroyPopper())},showPicker:function(){var e=this;this.$isServer||(this.picker||this.mountPicker(),this.pickerVisible=this.picker.visible=!0,this.updatePopper(),this.picker.value=this.parsedValue,this.picker.resetView&&this.picker.resetView(),this.$nextTick(function(){e.picker.adjustSpinners&&e.picker.adjustSpinners()}))},mountPicker:function(){var e=this;this.picker=new i.default(this.panel).$mount(),this.picker.defaultValue=this.defaultValue,this.picker.defaultTime=this.defaultTime,this.picker.popperClass=this.popperClass,this.popperElm=this.picker.$el,this.picker.width=this.reference.getBoundingClientRect().width,this.picker.showTime="datetime"===this.type||"datetimerange"===this.type,this.picker.selectionMode=this.selectionMode,this.picker.unlinkPanels=this.unlinkPanels,this.picker.arrowControl=this.arrowControl||this.timeArrowControl||!1,this.$watch("format",function(t){e.picker.format=t});var t=function(){var t,n,i,r=e.pickerOptions;for(var o in r&&r.selectableRange&&(t=r.selectableRange,n=y.datetimerange.parser,i=f.timerange,t=Array.isArray(t)?t:[t],e.picker.selectableRange=t.map(function(t){return n(t,i,e.rangeSeparator)})),r)r.hasOwnProperty(o)&&"selectableRange"!==o&&(e.picker[o]=r[o]);e.format&&(e.picker.format=e.format)};t(),this.unwatchPickerOptions=this.$watch("pickerOptions",function(){return t()},{deep:!0}),this.$el.appendChild(this.picker.$el),this.picker.resetView&&this.picker.resetView(),this.picker.$on("dodestroy",this.doDestroy),this.picker.$on("pick",function(){var t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"",n=arguments.length>1&&void 0!==arguments[1]&&arguments[1];e.userInput=null,e.pickerVisible=e.picker.visible=n,e.emitInput(t),e.picker.resetView&&e.picker.resetView()}),this.picker.$on("select-range",function(t,n,i){0!==e.refInput.length&&(i&&"min"!==i?"max"===i&&(e.refInput[1].setSelectionRange(t,n),e.refInput[1].focus()):(e.refInput[0].setSelectionRange(t,n),e.refInput[0].focus()))})},unmountPicker:function(){this.picker&&(this.picker.$destroy(),this.picker.$off(),"function"==typeof this.unwatchPickerOptions&&this.unwatchPickerOptions(),this.picker.$el.parentNode.removeChild(this.picker.$el))},emitChange:function(e){e!==this.valueOnOpen&&(this.$emit("change",e),this.dispatch("ElFormItem","el.form.change",e),this.valueOnOpen=e)},emitInput:function(e){var t,n,i,r,o=this.formatToValue(e);t=this.value,n=o,i=t instanceof Array,r=n instanceof Array,(i&&r?new Date(t[0]).getTime()===new Date(n[0]).getTime()&&new Date(t[1]).getTime()===new Date(n[1]).getTime():!i&&!r&&new Date(t).getTime()===new Date(n).getTime())||this.$emit("input",o)},isValidValue:function(e){return this.picker||this.mountPicker(),!this.picker.isValidValue||e&&this.picker.isValidValue(e)}}}},function(e,t){e.exports=n("eNfa")},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return e.ranged?n("div",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.handleClose,expression:"handleClose"}],ref:"reference",staticClass:"el-date-editor el-range-editor el-input__inner",class:["el-date-editor--"+e.type,e.pickerSize?"el-range-editor--"+e.pickerSize:"",e.pickerDisabled?"is-disabled":"",e.pickerVisible?"is-active":""],on:{click:e.handleRangeClick,mouseenter:e.handleMouseEnter,mouseleave:function(t){e.showClose=!1},keydown:e.handleKeydown}},[n("i",{class:["el-input__icon","el-range__icon",e.triggerClass]}),n("input",e._b({staticClass:"el-range-input",attrs:{placeholder:e.startPlaceholder,disabled:e.pickerDisabled,readonly:!e.editable||e.readonly,name:e.name&&e.name[0]},domProps:{value:e.displayValue&&e.displayValue[0]},on:{input:e.handleStartInput,change:e.handleStartChange,focus:e.handleFocus}},"input",e.firstInputId,!1)),n("span",{staticClass:"el-range-separator"},[e._v(e._s(e.rangeSeparator))]),n("input",e._b({staticClass:"el-range-input",attrs:{placeholder:e.endPlaceholder,disabled:e.pickerDisabled,readonly:!e.editable||e.readonly,name:e.name&&e.name[1]},domProps:{value:e.displayValue&&e.displayValue[1]},on:{input:e.handleEndInput,change:e.handleEndChange,focus:e.handleFocus}},"input",e.secondInputId,!1)),e.haveTrigger?n("i",{staticClass:"el-input__icon el-range__close-icon",class:[e.showClose?""+e.clearIcon:""],on:{click:e.handleClickIcon}}):e._e()]):n("el-input",e._b({directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.handleClose,expression:"handleClose"}],ref:"reference",staticClass:"el-date-editor",class:"el-date-editor--"+e.type,attrs:{readonly:!e.editable||e.readonly,disabled:e.pickerDisabled,size:e.pickerSize,name:e.name,placeholder:e.placeholder,value:e.displayValue,validateEvent:!1},on:{focus:e.handleFocus,input:function(t){return e.userInput=t},change:e.handleChange},nativeOn:{keydown:function(t){e.handleKeydown(t)},mouseenter:function(t){e.handleMouseEnter(t)},mouseleave:function(t){e.showClose=!1}}},"el-input",e.firstInputId,!1),[n("i",{staticClass:"el-input__icon",class:e.triggerClass,attrs:{slot:"prefix"},on:{click:e.handleFocus},slot:"prefix"}),e.haveTrigger?n("i",{staticClass:"el-input__icon",class:[e.showClose?""+e.clearIcon:""],attrs:{slot:"suffix"},on:{click:e.handleClickIcon},slot:"suffix"}):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(177),r=n.n(i),o=n(190),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=n(11),r=f(n(9)),o=f(n(2)),s=f(n(6)),a=f(n(15)),l=f(n(28)),u=f(n(182)),c=f(n(185)),d=f(n(38));function f(e){return e&&e.__esModule?e:{default:e}}t.default={mixins:[o.default],directives:{Clickoutside:r.default},watch:{showTime:function(e){var t=this;e&&this.$nextTick(function(e){var n=t.$refs.input.$el;n&&(t.pickerWidth=n.getBoundingClientRect().width+10)})},value:function(e){(0,i.isDate)(e)?this.date=new Date(e):this.date=this.defaultValue?new Date(this.defaultValue):new Date},defaultValue:function(e){(0,i.isDate)(this.value)||(this.date=e?new Date(e):new Date)},timePickerVisible:function(e){var t=this;e&&this.$nextTick(function(){return t.$refs.timepicker.adjustSpinners()})},selectionMode:function(e){"month"===e&&("year"===this.currentView&&"month"===this.currentView||(this.currentView="month"))}},methods:{proxyTimePickerDataProperties:function(){var e,t=this,n=function(e){t.$refs.timepicker.value=e},i=function(e){t.$refs.timepicker.date=e};this.$watch("value",n),this.$watch("date",i),e=this.timeFormat,t.$refs.timepicker.format=e,n(this.value),i(this.date)},handleClear:function(){this.date=this.defaultValue?new Date(this.defaultValue):new Date,this.$emit("pick",null)},emit:function(e){for(var t=arguments.length,n=Array(t>1?t-1:0),r=1;r<t;r++)n[r-1]=arguments[r];e?this.$emit.apply(this,["pick",this.showTime?(0,i.clearMilliseconds)(e):(0,i.clearTime)(e)].concat(n)):this.$emit.apply(this,["pick",e].concat(n)),this.userInputDate=null,this.userInputTime=null},showMonthPicker:function(){this.currentView="month"},showYearPicker:function(){this.currentView="year"},prevMonth:function(){this.date=(0,i.prevMonth)(this.date)},nextMonth:function(){this.date=(0,i.nextMonth)(this.date)},prevYear:function(){"year"===this.currentView?this.date=(0,i.prevYear)(this.date,10):this.date=(0,i.prevYear)(this.date)},nextYear:function(){"year"===this.currentView?this.date=(0,i.nextYear)(this.date,10):this.date=(0,i.nextYear)(this.date)},handleShortcutClick:function(e){e.onClick&&e.onClick(this)},handleTimePick:function(e,t,n){if((0,i.isDate)(e)){var r=(0,i.modifyTime)(this.date,e.getHours(),e.getMinutes(),e.getSeconds());this.date=r,this.emit(this.date,!0)}else this.emit(e,!0);n||(this.timePickerVisible=t)},handleMonthPick:function(e){"month"===this.selectionMode?(this.date=(0,i.modifyDate)(this.date,this.year,e,1),this.emit(this.date)):(this.date=(0,i.changeYearMonthAndClampDate)(this.date,this.year,e),this.currentView="date")},handleDatePick:function(e){"day"===this.selectionMode?(this.date=(0,i.modifyDate)(this.date,e.getFullYear(),e.getMonth(),e.getDate()),this.emit(this.date,this.showTime)):"week"===this.selectionMode&&this.emit(e.date)},handleYearPick:function(e){"year"===this.selectionMode?(this.date=(0,i.modifyDate)(this.date,e,0,1),this.emit(this.date)):(this.date=(0,i.changeYearMonthAndClampDate)(this.date,e,this.month),this.currentView="month")},changeToNow:function(){this.disabledDate&&this.disabledDate(new Date)||(this.date=new Date,this.emit(this.date))},confirm:function(){this.emit(this.date)},resetView:function(){"month"===this.selectionMode?this.currentView="month":"year"===this.selectionMode?this.currentView="year":this.currentView="date"},handleEnter:function(){document.body.addEventListener("keydown",this.handleKeydown)},handleLeave:function(){this.$emit("dodestroy"),document.body.removeEventListener("keydown",this.handleKeydown)},handleKeydown:function(e){var t=e.keyCode;this.visible&&!this.timePickerVisible&&(-1!==[38,40,37,39].indexOf(t)&&(this.handleKeyControl(t),e.stopPropagation(),e.preventDefault()),13===t&&null===this.userInputDate&&null===this.userInputTime&&this.emit(this.date,!1))},handleKeyControl:function(e){for(var t={year:{38:-4,40:4,37:-1,39:1,offset:function(e,t){return e.setFullYear(e.getFullYear()+t)}},month:{38:-4,40:4,37:-1,39:1,offset:function(e,t){return e.setMonth(e.getMonth()+t)}},week:{38:-1,40:1,37:-1,39:1,offset:function(e,t){return e.setDate(e.getDate()+7*t)}},day:{38:-7,40:7,37:-1,39:1,offset:function(e,t){return e.setDate(e.getDate()+t)}}},n=this.selectionMode,i=this.date.getTime(),r=new Date(this.date.getTime());Math.abs(i-r.getTime())<=31536e6;){var o=t[n];if(o.offset(r,o[e]),"function"!=typeof this.disabledDate||!this.disabledDate(r)){this.date=r,this.$emit("pick",r,!0);break}}},handleVisibleTimeChange:function(e){var t=(0,i.parseDate)(e,this.timeFormat);t&&(this.date=(0,i.modifyDate)(t,this.year,this.month,this.monthDate),this.userInputTime=null,this.$refs.timepicker.value=this.date,this.timePickerVisible=!1,this.emit(this.date,!0))},handleVisibleDateChange:function(e){var t=(0,i.parseDate)(e,this.dateFormat);if(t){if("function"==typeof this.disabledDate&&this.disabledDate(t))return;this.date=(0,i.modifyTime)(t,this.date.getHours(),this.date.getMinutes(),this.date.getSeconds()),this.userInputDate=null,this.resetView(),this.emit(this.date,!0)}},isValidValue:function(e){return e&&!isNaN(e)&&("function"!=typeof this.disabledDate||!this.disabledDate(e))}},components:{TimePicker:l.default,YearTable:u.default,MonthTable:c.default,DateTable:d.default,ElInput:s.default,ElButton:a.default},data:function(){return{popperClass:"",date:new Date,value:"",defaultValue:null,showTime:!1,selectionMode:"day",shortcuts:"",visible:!1,currentView:"date",disabledDate:"",firstDayOfWeek:7,showWeekNumber:!1,timePickerVisible:!1,format:"",arrowControl:!1,userInputDate:null,userInputTime:null}},computed:{year:function(){return this.date.getFullYear()},month:function(){return this.date.getMonth()},week:function(){return(0,i.getWeekNumber)(this.date)},monthDate:function(){return this.date.getDate()},footerVisible:function(){return this.showTime},visibleTime:function(){return null!==this.userInputTime?this.userInputTime:(0,i.formatDate)(this.value||this.defaultValue,this.timeFormat)},visibleDate:function(){return null!==this.userInputDate?this.userInputDate:(0,i.formatDate)(this.value||this.defaultValue,this.dateFormat)},yearLabel:function(){var e=this.t("el.datepicker.year");if("year"===this.currentView){var t=10*Math.floor(this.year/10);return e?t+" "+e+" - "+(t+9)+" "+e:t+" - "+(t+9)}return this.year+" "+e},timeFormat:function(){return this.format?(0,i.extractTimeFormat)(this.format):"HH:mm:ss"},dateFormat:function(){return this.format?(0,i.extractDateFormat)(this.format):"yyyy-MM-dd"}}}},function(e,t,n){"use strict";t.__esModule=!0;var i=n(11),r=s(n(2)),o=s(n(37));function s(e){return e&&e.__esModule?e:{default:e}}t.default={mixins:[r.default],components:{TimeSpinner:o.default},props:{visible:Boolean,timeArrowControl:Boolean},watch:{visible:function(e){var t=this;e?(this.oldValue=this.value,this.$nextTick(function(){return t.$refs.spinner.emitSelectRange("hours")})):this.needInitAdjust=!0},value:function(e){var t=this,n=void 0;e instanceof Date?n=(0,i.limitTimeRange)(e,this.selectableRange,this.format):e||(n=this.defaultValue?new Date(this.defaultValue):new Date),this.date=n,this.visible&&this.needInitAdjust&&(this.$nextTick(function(e){return t.adjustSpinners()}),this.needInitAdjust=!1)},selectableRange:function(e){this.$refs.spinner.selectableRange=e},defaultValue:function(e){(0,i.isDate)(this.value)||(this.date=e?new Date(e):new Date)}},data:function(){return{popperClass:"",format:"HH:mm:ss",value:"",defaultValue:null,date:new Date,oldValue:new Date,selectableRange:[],selectionRange:[0,2],disabled:!1,arrowControl:!1,needInitAdjust:!0}},computed:{showSeconds:function(){return-1!==(this.format||"").indexOf("ss")},useArrow:function(){return this.arrowControl||this.timeArrowControl||!1},amPmMode:function(){return-1!==(this.format||"").indexOf("A")?"A":-1!==(this.format||"").indexOf("a")?"a":""}},methods:{handleCancel:function(){this.$emit("pick",this.oldValue,!1)},handleChange:function(e){this.visible&&(this.date=(0,i.clearMilliseconds)(e),this.isValidValue(this.date)&&this.$emit("pick",this.date,!0))},setSelectionRange:function(e,t){this.$emit("select-range",e,t),this.selectionRange=[e,t]},handleConfirm:function(){var e=arguments.length>0&&void 0!==arguments[0]&&arguments[0],t=arguments[1];if(!t){var n=(0,i.clearMilliseconds)((0,i.limitTimeRange)(this.date,this.selectableRange,this.format));this.$emit("pick",n,e,t)}},handleKeydown:function(e){var t=e.keyCode,n={38:-1,40:1,37:-1,39:1};if(37===t||39===t){var i=n[t];return this.changeSelectionRange(i),void e.preventDefault()}if(38===t||40===t){var r=n[t];return this.$refs.spinner.scrollDown(r),void e.preventDefault()}},isValidValue:function(e){return(0,i.timeWithinRange)(e,this.selectableRange,this.format)},adjustSpinners:function(){return this.$refs.spinner.adjustSpinners()},changeSelectionRange:function(e){var t=[0,3].concat(this.showSeconds?[6]:[]),n=["hours","minutes"].concat(this.showSeconds?["seconds"]:[]),i=(t.indexOf(this.selectionRange[0])+e+t.length)%t.length;this.$refs.spinner.emitSelectRange(n[i])}},mounted:function(){var e=this;this.$nextTick(function(){return e.handleConfirm(!0,!0)}),this.$emit("mounted")}}},function(e,t,n){"use strict";t.__esModule=!0;var i=n(11),r=s(n(18)),o=s(n(32));function s(e){return e&&e.__esModule?e:{default:e}}t.default={components:{ElScrollbar:r.default},directives:{repeatClick:o.default},props:{date:{},defaultValue:{},showSeconds:{type:Boolean,default:!0},arrowControl:Boolean,amPmMode:{type:String,default:""}},computed:{hours:function(){return this.date.getHours()},minutes:function(){return this.date.getMinutes()},seconds:function(){return this.date.getSeconds()},hoursList:function(){return(0,i.getRangeHours)(this.selectableRange)},arrowHourList:function(){var e=this.hours;return[e>0?e-1:void 0,e,e<23?e+1:void 0]},arrowMinuteList:function(){var e=this.minutes;return[e>0?e-1:void 0,e,e<59?e+1:void 0]},arrowSecondList:function(){var e=this.seconds;return[e>0?e-1:void 0,e,e<59?e+1:void 0]}},data:function(){return{selectableRange:[],currentScrollbar:null}},mounted:function(){var e=this;this.$nextTick(function(){!e.arrowControl&&e.bindScrollEvent()})},methods:{increase:function(){this.scrollDown(1)},decrease:function(){this.scrollDown(-1)},modifyDateField:function(e,t){switch(e){case"hours":this.$emit("change",(0,i.modifyTime)(this.date,t,this.minutes,this.seconds));break;case"minutes":this.$emit("change",(0,i.modifyTime)(this.date,this.hours,t,this.seconds));break;case"seconds":this.$emit("change",(0,i.modifyTime)(this.date,this.hours,this.minutes,t))}},handleClick:function(e,t){var n=t.value;t.disabled||(this.modifyDateField(e,n),this.emitSelectRange(e),this.adjustSpinner(e,n))},emitSelectRange:function(e){"hours"===e?this.$emit("select-range",0,2):"minutes"===e?this.$emit("select-range",3,5):"seconds"===e&&this.$emit("select-range",6,8),this.currentScrollbar=e},bindScrollEvent:function(){var e=this,t=function(t){e.$refs[t].wrap.onscroll=function(n){e.handleScroll(t,n)}};t("hours"),t("minutes"),t("seconds")},handleScroll:function(e){var t=Math.min(Math.floor((this.$refs[e].wrap.scrollTop-80)/32+3),"hours"===e?23:59);this.modifyDateField(e,t)},adjustSpinners:function(){this.adjustSpinner("hours",this.hours),this.adjustSpinner("minutes",this.minutes),this.adjustSpinner("seconds",this.seconds)},adjustCurrentSpinner:function(e){this.adjustSpinner(e,this[e])},adjustSpinner:function(e,t){if(!this.arrowControl){var n=this.$refs[e].wrap;n&&(n.scrollTop=Math.max(0,32*(t-2.5)+80))}},scrollDown:function(e){this.currentScrollbar||this.emitSelectRange("hours");var t=this.currentScrollbar,n=this.hoursList,i=this[t];if("hours"===this.currentScrollbar){var r=Math.abs(e);e=e>0?1:-1;for(var o=n.length;o--&&r;)n[i=(i+e+n.length)%n.length]||r--;if(n[i])return}else i=(i+e+60)%60;this.modifyDateField(t,i),this.adjustSpinner(t,i)},amPm:function(e){if(!("a"===this.amPmMode.toLowerCase()))return"";var t="A"===this.amPmMode,n=e<12?" am":" pm";return t&&(n=n.toUpperCase()),n}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-time-spinner",class:{"has-seconds":e.showSeconds}},[e.arrowControl?e._e():[n("el-scrollbar",{ref:"hours",staticClass:"el-time-spinner__wrapper",attrs:{"wrap-style":"max-height: inherit;","view-class":"el-time-spinner__list",noresize:"",tag:"ul"},nativeOn:{mouseenter:function(t){e.emitSelectRange("hours")},mousemove:function(t){e.adjustCurrentSpinner("hours")}}},e._l(e.hoursList,function(t,i){return n("li",{staticClass:"el-time-spinner__item",class:{active:i===e.hours,disabled:t},on:{click:function(n){e.handleClick("hours",{value:i,disabled:t})}}},[e._v(e._s(("0"+(e.amPmMode?i%12||12:i)).slice(-2))+e._s(e.amPm(i)))])})),n("el-scrollbar",{ref:"minutes",staticClass:"el-time-spinner__wrapper",attrs:{"wrap-style":"max-height: inherit;","view-class":"el-time-spinner__list",noresize:"",tag:"ul"},nativeOn:{mouseenter:function(t){e.emitSelectRange("minutes")},mousemove:function(t){e.adjustCurrentSpinner("minutes")}}},e._l(60,function(t,i){return n("li",{staticClass:"el-time-spinner__item",class:{active:i===e.minutes},on:{click:function(t){e.handleClick("minutes",{value:i,disabled:!1})}}},[e._v(e._s(("0"+i).slice(-2)))])})),n("el-scrollbar",{directives:[{name:"show",rawName:"v-show",value:e.showSeconds,expression:"showSeconds"}],ref:"seconds",staticClass:"el-time-spinner__wrapper",attrs:{"wrap-style":"max-height: inherit;","view-class":"el-time-spinner__list",noresize:"",tag:"ul"},nativeOn:{mouseenter:function(t){e.emitSelectRange("seconds")},mousemove:function(t){e.adjustCurrentSpinner("seconds")}}},e._l(60,function(t,i){return n("li",{staticClass:"el-time-spinner__item",class:{active:i===e.seconds},on:{click:function(t){e.handleClick("seconds",{value:i,disabled:!1})}}},[e._v(e._s(("0"+i).slice(-2)))])}))],e.arrowControl?[n("div",{staticClass:"el-time-spinner__wrapper is-arrow",on:{mouseenter:function(t){e.emitSelectRange("hours")}}},[n("i",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.decrease,expression:"decrease"}],staticClass:"el-time-spinner__arrow el-icon-arrow-up"}),n("i",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.increase,expression:"increase"}],staticClass:"el-time-spinner__arrow el-icon-arrow-down"}),n("ul",{ref:"hours",staticClass:"el-time-spinner__list"},e._l(e.arrowHourList,function(t){return n("li",{staticClass:"el-time-spinner__item",class:{active:t===e.hours,disabled:e.hoursList[t]}},[e._v(e._s(void 0===t?"":("0"+(e.amPmMode?t%12||12:t)).slice(-2)+e.amPm(t)))])}))]),n("div",{staticClass:"el-time-spinner__wrapper is-arrow",on:{mouseenter:function(t){e.emitSelectRange("minutes")}}},[n("i",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.decrease,expression:"decrease"}],staticClass:"el-time-spinner__arrow el-icon-arrow-up"}),n("i",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.increase,expression:"increase"}],staticClass:"el-time-spinner__arrow el-icon-arrow-down"}),n("ul",{ref:"minutes",staticClass:"el-time-spinner__list"},e._l(e.arrowMinuteList,function(t){return n("li",{staticClass:"el-time-spinner__item",class:{active:t===e.minutes}},[e._v("\n "+e._s(void 0===t?"":("0"+t).slice(-2))+"\n ")])}))]),e.showSeconds?n("div",{staticClass:"el-time-spinner__wrapper is-arrow",on:{mouseenter:function(t){e.emitSelectRange("seconds")}}},[n("i",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.decrease,expression:"decrease"}],staticClass:"el-time-spinner__arrow el-icon-arrow-up"}),n("i",{directives:[{name:"repeat-click",rawName:"v-repeat-click",value:e.increase,expression:"increase"}],staticClass:"el-time-spinner__arrow el-icon-arrow-down"}),n("ul",{ref:"seconds",staticClass:"el-time-spinner__list"},e._l(e.arrowSecondList,function(t){return n("li",{staticClass:"el-time-spinner__item",class:{active:t===e.seconds}},[e._v("\n "+e._s(void 0===t?"":("0"+t).slice(-2))+"\n ")])}))]):e._e()]:e._e()],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-zoom-in-top"},on:{"after-leave":function(t){e.$emit("dodestroy")}}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-time-panel el-popper",class:e.popperClass},[n("div",{staticClass:"el-time-panel__content",class:{"has-seconds":e.showSeconds}},[n("time-spinner",{ref:"spinner",attrs:{"arrow-control":e.useArrow,"show-seconds":e.showSeconds,"am-pm-mode":e.amPmMode,date:e.date},on:{change:e.handleChange,"select-range":e.setSelectionRange}})],1),n("div",{staticClass:"el-time-panel__footer"},[n("button",{staticClass:"el-time-panel__btn cancel",attrs:{type:"button"},on:{click:e.handleCancel}},[e._v(e._s(e.t("el.datepicker.cancel")))]),n("button",{staticClass:"el-time-panel__btn",class:{confirm:!e.disabled},attrs:{type:"button"},on:{click:function(t){e.handleConfirm()}}},[e._v(e._s(e.t("el.datepicker.confirm")))])])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(183),r=n.n(i),o=n(184),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=n(3),r=n(11);t.default={props:{disabledDate:{},value:{},defaultValue:{validator:function(e){return null===e||e instanceof Date&&(0,r.isDate)(e)}},date:{}},computed:{startYear:function(){return 10*Math.floor(this.date.getFullYear()/10)}},methods:{getCellStyle:function(e){var t={},n=new Date;return t.disabled="function"==typeof this.disabledDate&&function(e){var t=(0,r.getDayCountOfYear)(e),n=new Date(e,0,1);return(0,r.range)(t).map(function(e){return(0,r.nextDate)(n,e)})}(e).every(this.disabledDate),t.current=this.value.getFullYear()===e,t.today=n.getFullYear()===e,t.default=this.defaultValue&&this.defaultValue.getFullYear()===e,t},handleYearTableClick:function(e){var t=e.target;if("A"===t.tagName){if((0,i.hasClass)(t.parentNode,"disabled"))return;var n=t.textContent||t.innerText;this.$emit("pick",Number(n))}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("table",{staticClass:"el-year-table",on:{click:e.handleYearTableClick}},[n("tbody",[n("tr",[n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+0)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear))])]),n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+1)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+1))])]),n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+2)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+2))])]),n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+3)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+3))])])]),n("tr",[n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+4)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+4))])]),n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+5)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+5))])]),n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+6)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+6))])]),n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+7)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+7))])])]),n("tr",[n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+8)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+8))])]),n("td",{staticClass:"available",class:e.getCellStyle(e.startYear+9)},[n("a",{staticClass:"cell"},[e._v(e._s(e.startYear+9))])]),n("td"),n("td")])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(186),r=n.n(i),o=n(187),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(2),o=(i=r)&&i.__esModule?i:{default:i},s=n(11),a=n(3);t.default={props:{disabledDate:{},value:{},defaultValue:{validator:function(e){return null===e||e instanceof Date&&(0,s.isDate)(e)}},date:{}},mixins:[o.default],methods:{getCellStyle:function(e){var t={},n=this.date.getFullYear(),i=new Date;return t.disabled="function"==typeof this.disabledDate&&function(e,t){var n=(0,s.getDayCountOfMonth)(e,t),i=new Date(e,t,1);return(0,s.range)(n).map(function(e){return(0,s.nextDate)(i,e)})}(n,e).every(this.disabledDate),t.current=this.value.getFullYear()===n&&this.value.getMonth()===e,t.today=i.getFullYear()===n&&i.getMonth()===e,t.default=this.defaultValue&&this.defaultValue.getFullYear()===n&&this.defaultValue.getMonth()===e,t},handleMonthTableClick:function(e){var t=e.target;if("A"===t.tagName&&!(0,a.hasClass)(t.parentNode,"disabled")){var n=t.parentNode.cellIndex,i=4*t.parentNode.parentNode.rowIndex+n;this.$emit("pick",i)}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("table",{staticClass:"el-month-table",on:{click:e.handleMonthTableClick}},[n("tbody",[n("tr",[n("td",{class:e.getCellStyle(0)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.jan")))])]),n("td",{class:e.getCellStyle(1)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.feb")))])]),n("td",{class:e.getCellStyle(2)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.mar")))])]),n("td",{class:e.getCellStyle(3)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.apr")))])])]),n("tr",[n("td",{class:e.getCellStyle(4)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.may")))])]),n("td",{class:e.getCellStyle(5)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.jun")))])]),n("td",{class:e.getCellStyle(6)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.jul")))])]),n("td",{class:e.getCellStyle(7)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.aug")))])])]),n("tr",[n("td",{class:e.getCellStyle(8)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.sep")))])]),n("td",{class:e.getCellStyle(9)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.oct")))])]),n("td",{class:e.getCellStyle(10)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.nov")))])]),n("td",{class:e.getCellStyle(11)},[n("a",{staticClass:"cell"},[e._v(e._s(e.t("el.datepicker.months.dec")))])])])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(11),o=n(3),s=n(2),a=(i=s)&&i.__esModule?i:{default:i};var l=["sun","mon","tue","wed","thu","fri","sat"],u=function(e){var t=new Date(e);return t.setHours(0,0,0,0),t.getTime()};t.default={mixins:[a.default],props:{firstDayOfWeek:{default:7,type:Number,validator:function(e){return e>=1&&e<=7}},value:{},defaultValue:{validator:function(e){return null===e||(0,r.isDate)(e)||Array.isArray(e)&&e.every(r.isDate)}},date:{},selectionMode:{default:"day"},showWeekNumber:{type:Boolean,default:!1},disabledDate:{},minDate:{},maxDate:{},rangeState:{default:function(){return{endDate:null,selecting:!1,row:null,column:null}}}},computed:{offsetDay:function(){var e=this.firstDayOfWeek;return e>3?7-e:-e},WEEKS:function(){var e=this.firstDayOfWeek;return l.concat(l).slice(e,e+7)},year:function(){return this.date.getFullYear()},month:function(){return this.date.getMonth()},startDate:function(){return(0,r.getStartDateOfMonth)(this.year,this.month)},rows:function(){var e=new Date(this.year,this.month,1),t=(0,r.getFirstDayOfMonth)(e),n=(0,r.getDayCountOfMonth)(e.getFullYear(),e.getMonth()),i=(0,r.getDayCountOfMonth)(e.getFullYear(),0===e.getMonth()?11:e.getMonth()-1);t=0===t?7:t;for(var o=this.offsetDay,s=this.tableRows,a=1,l=void 0,c=this.startDate,d=this.disabledDate,f=u(new Date),h=0;h<6;h++){var p=s[h];this.showWeekNumber&&(p[0]||(p[0]={type:"week",text:(0,r.getWeekNumber)((0,r.nextDate)(c,7*h+1))}));for(var m=0;m<7;m++){var v=p[this.showWeekNumber?m+1:m];v||(v={row:h,column:m,type:"normal",inRange:!1,start:!1,end:!1}),v.type="normal";var g=7*h+m,y=(0,r.nextDate)(c,g-o).getTime();v.inRange=y>=u(this.minDate)&&y<=u(this.maxDate),v.start=this.minDate&&y===u(this.minDate),v.end=this.maxDate&&y===u(this.maxDate),y===f&&(v.type="today"),h>=0&&h<=1?m+7*h>=t+o?(v.text=a++,2===a&&(l=7*h+m)):(v.text=i-(t+o-m%7)+1+7*h,v.type="prev-month"):a<=n?(v.text=a++,2===a&&(l=7*h+m)):(v.text=a++-n,v.type="next-month"),v.disabled="function"==typeof d&&d(new Date(y)),this.$set(p,this.showWeekNumber?m+1:m,v)}if("week"===this.selectionMode){var b=this.showWeekNumber?1:0,_=this.showWeekNumber?7:6,x=this.isWeekActive(p[b+1]);p[b].inRange=x,p[b].start=x,p[_].inRange=x,p[_].end=x}}return s.firstDayPosition=l,s}},watch:{"rangeState.endDate":function(e){this.markRange(e)},minDate:function(e,t){e&&!t?(this.rangeState.selecting=!0,this.markRange(e)):e?this.markRange():(this.rangeState.selecting=!1,this.markRange(e))},maxDate:function(e,t){e&&!t&&(this.rangeState.selecting=!1,this.markRange(e),this.$emit("pick",{minDate:this.minDate,maxDate:this.maxDate}))}},data:function(){return{tableRows:[[],[],[],[],[],[]]}},methods:{cellMatchesDate:function(e,t){var n=new Date(t);return this.year===n.getFullYear()&&this.month===n.getMonth()&&Number(e.text)===n.getDate()},getCellClasses:function(e){var t=this,n=this.selectionMode,i=this.defaultValue?Array.isArray(this.defaultValue)?this.defaultValue:[this.defaultValue]:[],r=[];return"normal"!==e.type&&"today"!==e.type||e.disabled?r.push(e.type):(r.push("available"),"today"===e.type&&r.push("today")),"normal"===e.type&&i.some(function(n){return t.cellMatchesDate(e,n)})&&r.push("default"),"day"!==n||"normal"!==e.type&&"today"!==e.type||!this.cellMatchesDate(e,this.value)||r.push("current"),!e.inRange||"normal"!==e.type&&"today"!==e.type&&"week"!==this.selectionMode||(r.push("in-range"),e.start&&r.push("start-date"),e.end&&r.push("end-date")),e.disabled&&r.push("disabled"),r.join(" ")},getDateOfCell:function(e,t){var n=7*e+(t-(this.showWeekNumber?1:0))-this.offsetDay;return(0,r.nextDate)(this.startDate,n)},isWeekActive:function(e){if("week"!==this.selectionMode)return!1;var t=new Date(this.year,this.month,1),n=t.getFullYear(),i=t.getMonth();return"prev-month"===e.type&&(t.setMonth(0===i?11:i-1),t.setFullYear(0===i?n-1:n)),"next-month"===e.type&&(t.setMonth(11===i?0:i+1),t.setFullYear(11===i?n+1:n)),t.setDate(parseInt(e.text,10)),(0,r.getWeekNumber)(t)===(0,r.getWeekNumber)(this.date)},markRange:function(e){var t=this.startDate;e||(e=this.maxDate);for(var n=this.rows,i=this.minDate,o=0,s=n.length;o<s;o++)for(var a=n[o],l=0,c=a.length;l<c;l++)if(!this.showWeekNumber||0!==l){var d=a[l],f=7*o+l+(this.showWeekNumber?-1:0),h=(0,r.nextDate)(t,f-this.offsetDay).getTime();e&&e<i?(d.inRange=i&&h>=u(e)&&h<=u(i),d.start=e&&h===u(e.getTime()),d.end=i&&h===u(i.getTime())):(d.inRange=i&&h>=u(i)&&h<=u(e),d.start=i&&h===u(i.getTime()),d.end=e&&h===u(e.getTime()))}},handleMouseMove:function(e){if(this.rangeState.selecting){this.$emit("changerange",{minDate:this.minDate,maxDate:this.maxDate,rangeState:this.rangeState});var t=e.target;if("SPAN"===t.tagName&&(t=t.parentNode.parentNode),"DIV"===t.tagName&&(t=t.parentNode),"TD"===t.tagName){var n=t.cellIndex,i=t.parentNode.rowIndex-1,r=this.rangeState,o=r.row,s=r.column;o===i&&s===n||(this.rangeState.row=i,this.rangeState.column=n,this.rangeState.endDate=this.getDateOfCell(i,n))}}},handleClick:function(e){var t=this,n=e.target;if("SPAN"===n.tagName&&(n=n.parentNode.parentNode),"DIV"===n.tagName&&(n=n.parentNode),"TD"===n.tagName&&!(0,o.hasClass)(n,"disabled")&&!(0,o.hasClass)(n,"week")){var i=this.selectionMode;"week"===i&&(n=n.parentNode.cells[1]);var s=Number(this.year),a=Number(this.month),l=n.cellIndex,u=n.parentNode.rowIndex,c=this.rows[u-1][l].text,d=n.className,f=new Date(s,a,1);if(-1!==d.indexOf("prev")?(0===a?(s-=1,a=11):a-=1,f.setFullYear(s),f.setMonth(a)):-1!==d.indexOf("next")&&(11===a?(s+=1,a=0):a+=1,f.setFullYear(s),f.setMonth(a)),f.setDate(parseInt(c,10)),"range"===this.selectionMode){if(this.minDate&&this.maxDate){var h=new Date(f.getTime());this.$emit("pick",{minDate:h,maxDate:null},!1),this.rangeState.selecting=!0,this.markRange(this.minDate),this.$nextTick(function(){t.handleMouseMove(e)})}else if(this.minDate&&!this.maxDate)if(f>=this.minDate){var p=new Date(f.getTime());this.rangeState.selecting=!1,this.$emit("pick",{minDate:this.minDate,maxDate:p})}else{var m=new Date(f.getTime());this.rangeState.selecting=!1,this.$emit("pick",{minDate:m,maxDate:this.minDate})}else if(!this.minDate){var v=new Date(f.getTime());this.$emit("pick",{minDate:v,maxDate:this.maxDate},!1),this.rangeState.selecting=!0,this.markRange(this.minDate)}}else if("day"===i)this.$emit("pick",f);else if("week"===i){var g=(0,r.getWeekNumber)(f),y=f.getFullYear()+"w"+g;this.$emit("pick",{year:f.getFullYear(),week:g,value:y,date:f})}}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("table",{staticClass:"el-date-table",class:{"is-week-mode":"week"===e.selectionMode},attrs:{cellspacing:"0",cellpadding:"0"},on:{click:e.handleClick,mousemove:e.handleMouseMove}},[n("tbody",[n("tr",[e.showWeekNumber?n("th",[e._v(e._s(e.t("el.datepicker.week")))]):e._e(),e._l(e.WEEKS,function(t){return n("th",[e._v(e._s(e.t("el.datepicker.weeks."+t)))])})],2),e._l(e.rows,function(t){return n("tr",{staticClass:"el-date-table__row",class:{current:e.isWeekActive(t[1])}},e._l(t,function(t){return n("td",{class:e.getCellClasses(t)},[n("div",[n("span",[e._v("\n "+e._s(t.text)+"\n ")])])])}))})],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-zoom-in-top"},on:{"after-enter":e.handleEnter,"after-leave":e.handleLeave}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-picker-panel el-date-picker el-popper",class:[{"has-sidebar":e.$slots.sidebar||e.shortcuts,"has-time":e.showTime},e.popperClass]},[n("div",{staticClass:"el-picker-panel__body-wrapper"},[e._t("sidebar"),e.shortcuts?n("div",{staticClass:"el-picker-panel__sidebar"},e._l(e.shortcuts,function(t){return n("button",{staticClass:"el-picker-panel__shortcut",attrs:{type:"button"},on:{click:function(n){e.handleShortcutClick(t)}}},[e._v(e._s(t.text))])})):e._e(),n("div",{staticClass:"el-picker-panel__body"},[e.showTime?n("div",{staticClass:"el-date-picker__time-header"},[n("span",{staticClass:"el-date-picker__editor-wrap"},[n("el-input",{attrs:{placeholder:e.t("el.datepicker.selectDate"),value:e.visibleDate,size:"small"},on:{input:function(t){return e.userInputDate=t},change:e.handleVisibleDateChange}})],1),n("span",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:function(){return e.timePickerVisible=!1},expression:"() => timePickerVisible = false"}],staticClass:"el-date-picker__editor-wrap"},[n("el-input",{ref:"input",attrs:{placeholder:e.t("el.datepicker.selectTime"),value:e.visibleTime,size:"small"},on:{focus:function(t){e.timePickerVisible=!0},input:function(t){return e.userInputTime=t},change:e.handleVisibleTimeChange}}),n("time-picker",{ref:"timepicker",attrs:{"time-arrow-control":e.arrowControl,visible:e.timePickerVisible},on:{pick:e.handleTimePick,mounted:e.proxyTimePickerDataProperties}})],1)]):e._e(),n("div",{directives:[{name:"show",rawName:"v-show",value:"time"!==e.currentView,expression:"currentView !== 'time'"}],staticClass:"el-date-picker__header",class:{"el-date-picker__header--bordered":"year"===e.currentView||"month"===e.currentView}},[n("button",{staticClass:"el-picker-panel__icon-btn el-date-picker__prev-btn el-icon-d-arrow-left",attrs:{type:"button","aria-label":e.t("el.datepicker.prevYear")},on:{click:e.prevYear}}),n("button",{directives:[{name:"show",rawName:"v-show",value:"date"===e.currentView,expression:"currentView === 'date'"}],staticClass:"el-picker-panel__icon-btn el-date-picker__prev-btn el-icon-arrow-left",attrs:{type:"button","aria-label":e.t("el.datepicker.prevMonth")},on:{click:e.prevMonth}}),n("span",{staticClass:"el-date-picker__header-label",attrs:{role:"button"},on:{click:e.showYearPicker}},[e._v(e._s(e.yearLabel))]),n("span",{directives:[{name:"show",rawName:"v-show",value:"date"===e.currentView,expression:"currentView === 'date'"}],staticClass:"el-date-picker__header-label",class:{active:"month"===e.currentView},attrs:{role:"button"},on:{click:e.showMonthPicker}},[e._v(e._s(e.t("el.datepicker.month"+(e.month+1))))]),n("button",{staticClass:"el-picker-panel__icon-btn el-date-picker__next-btn el-icon-d-arrow-right",attrs:{type:"button","aria-label":e.t("el.datepicker.nextYear")},on:{click:e.nextYear}}),n("button",{directives:[{name:"show",rawName:"v-show",value:"date"===e.currentView,expression:"currentView === 'date'"}],staticClass:"el-picker-panel__icon-btn el-date-picker__next-btn el-icon-arrow-right",attrs:{type:"button","aria-label":e.t("el.datepicker.nextMonth")},on:{click:e.nextMonth}})]),n("div",{staticClass:"el-picker-panel__content"},[n("date-table",{directives:[{name:"show",rawName:"v-show",value:"date"===e.currentView,expression:"currentView === 'date'"}],attrs:{"selection-mode":e.selectionMode,"first-day-of-week":e.firstDayOfWeek,value:new Date(e.value),"default-value":e.defaultValue?new Date(e.defaultValue):null,date:e.date,"disabled-date":e.disabledDate},on:{pick:e.handleDatePick}}),n("year-table",{directives:[{name:"show",rawName:"v-show",value:"year"===e.currentView,expression:"currentView === 'year'"}],attrs:{value:new Date(e.value),"default-value":e.defaultValue?new Date(e.defaultValue):null,date:e.date,"disabled-date":e.disabledDate},on:{pick:e.handleYearPick}}),n("month-table",{directives:[{name:"show",rawName:"v-show",value:"month"===e.currentView,expression:"currentView === 'month'"}],attrs:{value:new Date(e.value),"default-value":e.defaultValue?new Date(e.defaultValue):null,date:e.date,"disabled-date":e.disabledDate},on:{pick:e.handleMonthPick}})],1)])],2),n("div",{directives:[{name:"show",rawName:"v-show",value:e.footerVisible&&"date"===e.currentView,expression:"footerVisible && currentView === 'date'"}],staticClass:"el-picker-panel__footer"},[n("el-button",{staticClass:"el-picker-panel__link-btn",attrs:{size:"mini",type:"text"},on:{click:e.changeToNow}},[e._v("\n "+e._s(e.t("el.datepicker.now"))+"\n ")]),n("el-button",{staticClass:"el-picker-panel__link-btn",attrs:{plain:"",size:"mini"},on:{click:e.confirm}},[e._v("\n "+e._s(e.t("el.datepicker.confirm"))+"\n ")])],1)])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(192),r=n.n(i),o=n(193),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=n(11),r=c(n(9)),o=c(n(2)),s=c(n(28)),a=c(n(38)),l=c(n(6)),u=c(n(15));function c(e){return e&&e.__esModule?e:{default:e}}var d=function(e,t){return new Date(new Date(e).getTime()+t)},f=function(e){return Array.isArray(e)?[new Date(e[0]),new Date(e[1])]:e?[new Date(e),d(e,864e5)]:[new Date,d(Date.now(),864e5)]},h=function(e,t){return null==e||null==t?e:(t=(0,i.parseDate)(t,"HH:mm:ss"),(0,i.modifyTime)(e,t.getHours(),t.getMinutes(),t.getSeconds()))};t.default={mixins:[o.default],directives:{Clickoutside:r.default},computed:{btnDisabled:function(){return!(this.minDate&&this.maxDate&&!this.selecting)},leftLabel:function(){return this.leftDate.getFullYear()+" "+this.t("el.datepicker.year")+" "+this.t("el.datepicker.month"+(this.leftDate.getMonth()+1))},rightLabel:function(){return this.rightDate.getFullYear()+" "+this.t("el.datepicker.year")+" "+this.t("el.datepicker.month"+(this.rightDate.getMonth()+1))},leftYear:function(){return this.leftDate.getFullYear()},leftMonth:function(){return this.leftDate.getMonth()},leftMonthDate:function(){return this.leftDate.getDate()},rightYear:function(){return this.rightDate.getFullYear()},rightMonth:function(){return this.rightDate.getMonth()},rightMonthDate:function(){return this.rightDate.getDate()},minVisibleDate:function(){return this.minDate?(0,i.formatDate)(this.minDate,this.dateFormat):""},maxVisibleDate:function(){return this.maxDate||this.minDate?(0,i.formatDate)(this.maxDate||this.minDate,this.dateFormat):""},minVisibleTime:function(){return this.minDate?(0,i.formatDate)(this.minDate,this.timeFormat):""},maxVisibleTime:function(){return this.maxDate||this.minDate?(0,i.formatDate)(this.maxDate||this.minDate,this.timeFormat):""},timeFormat:function(){return this.format?(0,i.extractTimeFormat)(this.format):"HH:mm:ss"},dateFormat:function(){return this.format?(0,i.extractDateFormat)(this.format):"yyyy-MM-dd"},enableMonthArrow:function(){var e=(this.leftMonth+1)%12,t=this.leftMonth+1>=12?1:0;return this.unlinkPanels&&new Date(this.leftYear+t,e)<new Date(this.rightYear,this.rightMonth)},enableYearArrow:function(){return this.unlinkPanels&&12*this.rightYear+this.rightMonth-(12*this.leftYear+this.leftMonth+1)>=12}},data:function(){return{popperClass:"",value:[],defaultValue:null,defaultTime:null,minDate:"",maxDate:"",leftDate:new Date,rightDate:(0,i.nextMonth)(new Date),rangeState:{endDate:null,selecting:!1,row:null,column:null},showTime:!1,shortcuts:"",visible:"",disabledDate:"",firstDayOfWeek:7,minTimePickerVisible:!1,maxTimePickerVisible:!1,format:"",arrowControl:!1,unlinkPanels:!1}},watch:{minDate:function(e){var t=this;this.$nextTick(function(){if(t.$refs.maxTimePicker&&t.maxDate&&t.maxDate<t.minDate){t.$refs.maxTimePicker.selectableRange=[[(0,i.parseDate)((0,i.formatDate)(t.minDate,"HH:mm:ss"),"HH:mm:ss"),(0,i.parseDate)("23:59:59","HH:mm:ss")]]}}),e&&this.$refs.minTimePicker&&(this.$refs.minTimePicker.date=e,this.$refs.minTimePicker.value=e)},maxDate:function(e){e&&this.$refs.maxTimePicker&&(this.$refs.maxTimePicker.date=e,this.$refs.maxTimePicker.value=e)},minTimePickerVisible:function(e){var t=this;e&&this.$nextTick(function(){t.$refs.minTimePicker.date=t.minDate,t.$refs.minTimePicker.value=t.minDate,t.$refs.minTimePicker.adjustSpinners()})},maxTimePickerVisible:function(e){var t=this;e&&this.$nextTick(function(){t.$refs.maxTimePicker.date=t.maxDate,t.$refs.maxTimePicker.value=t.maxDate,t.$refs.maxTimePicker.adjustSpinners()})},value:function(e){if(e){if(Array.isArray(e))if(this.minDate=(0,i.isDate)(e[0])?new Date(e[0]):null,this.maxDate=(0,i.isDate)(e[1])?new Date(e[1]):null,this.minDate)if(this.leftDate=this.minDate,this.unlinkPanels&&this.maxDate){var t=this.minDate.getFullYear(),n=this.minDate.getMonth(),r=this.maxDate.getFullYear(),o=this.maxDate.getMonth();this.rightDate=t===r&&n===o?(0,i.nextMonth)(this.maxDate):this.maxDate}else this.rightDate=(0,i.nextMonth)(this.leftDate);else this.leftDate=f(this.defaultValue)[0],this.rightDate=(0,i.nextMonth)(this.leftDate)}else this.minDate=null,this.maxDate=null},defaultValue:function(e){if(!Array.isArray(this.value)){var t=f(e),n=t[0],r=t[1];this.leftDate=n,this.rightDate=e&&e[1]&&this.unlinkPanels?r:(0,i.nextMonth)(this.leftDate)}}},methods:{handleClear:function(){this.minDate=null,this.maxDate=null,this.leftDate=f(this.defaultValue)[0],this.rightDate=(0,i.nextMonth)(this.leftDate),this.$emit("pick",null)},handleChangeRange:function(e){this.minDate=e.minDate,this.maxDate=e.maxDate,this.rangeState=e.rangeState},handleDateInput:function(e,t){var n=e.target.value;if(n.length===this.dateFormat.length){var r=(0,i.parseDate)(n,this.dateFormat);if(r){if("function"==typeof this.disabledDate&&this.disabledDate(new Date(r)))return;"min"===t?(this.minDate=new Date(r),this.leftDate=new Date(r),this.rightDate=(0,i.nextMonth)(this.leftDate)):(this.maxDate=new Date(r),this.leftDate=(0,i.prevMonth)(r),this.rightDate=new Date(r))}}},handleDateChange:function(e,t){var n=e.target.value,r=(0,i.parseDate)(n,this.dateFormat);r&&("min"===t?(this.minDate=(0,i.modifyDate)(this.minDate,r.getFullYear(),r.getMonth(),r.getDate()),this.minDate>this.maxDate&&(this.maxDate=this.minDate)):(this.maxDate=(0,i.modifyDate)(this.maxDate,r.getFullYear(),r.getMonth(),r.getDate()),this.maxDate<this.minDate&&(this.minDate=this.maxDate)))},handleTimeChange:function(e,t){var n=e.target.value,r=(0,i.parseDate)(n,this.timeFormat);r&&("min"===t?(this.minDate=(0,i.modifyTime)(this.minDate,r.getHours(),r.getMinutes(),r.getSeconds()),this.minDate>this.maxDate&&(this.maxDate=this.minDate),this.$refs.minTimePicker.value=this.minDate,this.minTimePickerVisible=!1):(this.maxDate=(0,i.modifyTime)(this.maxDate,r.getHours(),r.getMinutes(),r.getSeconds()),this.maxDate<this.minDate&&(this.minDate=this.maxDate),this.$refs.maxTimePicker.value=this.minDate,this.maxTimePickerVisible=!1))},handleRangePick:function(e){var t=this,n=!(arguments.length>1&&void 0!==arguments[1])||arguments[1],i=this.defaultTime||[],r=h(e.minDate,i[0]),o=h(e.maxDate,i[1]);this.maxDate===o&&this.minDate===r||(this.onPick&&this.onPick(e),this.maxDate=o,this.minDate=r,setTimeout(function(){t.maxDate=o,t.minDate=r},10),n&&!this.showTime&&this.handleConfirm())},handleShortcutClick:function(e){e.onClick&&e.onClick(this)},handleMinTimePick:function(e,t,n){this.minDate=this.minDate||new Date,e&&(this.minDate=(0,i.modifyTime)(this.minDate,e.getHours(),e.getMinutes(),e.getSeconds())),n||(this.minTimePickerVisible=t),(!this.maxDate||this.maxDate&&this.maxDate.getTime()<this.minDate.getTime())&&(this.maxDate=new Date(this.minDate))},handleMaxTimePick:function(e,t,n){this.maxDate&&e&&(this.maxDate=(0,i.modifyTime)(this.maxDate,e.getHours(),e.getMinutes(),e.getSeconds())),n||(this.maxTimePickerVisible=t),this.maxDate&&this.minDate&&this.minDate.getTime()>this.maxDate.getTime()&&(this.minDate=new Date(this.maxDate))},leftPrevYear:function(){this.leftDate=(0,i.prevYear)(this.leftDate),this.unlinkPanels||(this.rightDate=(0,i.nextMonth)(this.leftDate))},leftPrevMonth:function(){this.leftDate=(0,i.prevMonth)(this.leftDate),this.unlinkPanels||(this.rightDate=(0,i.nextMonth)(this.leftDate))},rightNextYear:function(){this.unlinkPanels?this.rightDate=(0,i.nextYear)(this.rightDate):(this.leftDate=(0,i.nextYear)(this.leftDate),this.rightDate=(0,i.nextMonth)(this.leftDate))},rightNextMonth:function(){this.unlinkPanels?this.rightDate=(0,i.nextMonth)(this.rightDate):(this.leftDate=(0,i.nextMonth)(this.leftDate),this.rightDate=(0,i.nextMonth)(this.leftDate))},leftNextYear:function(){this.leftDate=(0,i.nextYear)(this.leftDate)},leftNextMonth:function(){this.leftDate=(0,i.nextMonth)(this.leftDate)},rightPrevYear:function(){this.rightDate=(0,i.prevYear)(this.rightDate)},rightPrevMonth:function(){this.rightDate=(0,i.prevMonth)(this.rightDate)},handleConfirm:function(){var e=arguments.length>0&&void 0!==arguments[0]&&arguments[0];this.$emit("pick",[this.minDate,this.maxDate],e)},isValidValue:function(e){return Array.isArray(e)&&e&&e[0]&&e[1]&&(0,i.isDate)(e[0])&&(0,i.isDate)(e[1])&&e[0].getTime()<=e[1].getTime()&&("function"!=typeof this.disabledDate||!this.disabledDate(e[0])&&!this.disabledDate(e[1]))}},components:{TimePicker:s.default,DateTable:a.default,ElInput:l.default,ElButton:u.default}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-zoom-in-top"},on:{"after-leave":function(t){e.$emit("dodestroy")}}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-picker-panel el-date-range-picker el-popper",class:[{"has-sidebar":e.$slots.sidebar||e.shortcuts,"has-time":e.showTime},e.popperClass]},[n("div",{staticClass:"el-picker-panel__body-wrapper"},[e._t("sidebar"),e.shortcuts?n("div",{staticClass:"el-picker-panel__sidebar"},e._l(e.shortcuts,function(t){return n("button",{staticClass:"el-picker-panel__shortcut",attrs:{type:"button"},on:{click:function(n){e.handleShortcutClick(t)}}},[e._v(e._s(t.text))])})):e._e(),n("div",{staticClass:"el-picker-panel__body"},[e.showTime?n("div",{staticClass:"el-date-range-picker__time-header"},[n("span",{staticClass:"el-date-range-picker__editors-wrap"},[n("span",{staticClass:"el-date-range-picker__time-picker-wrap"},[n("el-input",{ref:"minInput",staticClass:"el-date-range-picker__editor",attrs:{size:"small",disabled:e.rangeState.selecting,placeholder:e.t("el.datepicker.startDate"),value:e.minVisibleDate},nativeOn:{input:function(t){e.handleDateInput(t,"min")},change:function(t){e.handleDateChange(t,"min")}}})],1),n("span",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:function(){return e.minTimePickerVisible=!1},expression:"() => minTimePickerVisible = false"}],staticClass:"el-date-range-picker__time-picker-wrap"},[n("el-input",{staticClass:"el-date-range-picker__editor",attrs:{size:"small",disabled:e.rangeState.selecting,placeholder:e.t("el.datepicker.startTime"),value:e.minVisibleTime},on:{focus:function(t){e.minTimePickerVisible=!0}},nativeOn:{change:function(t){e.handleTimeChange(t,"min")}}}),n("time-picker",{ref:"minTimePicker",attrs:{"time-arrow-control":e.arrowControl,visible:e.minTimePickerVisible},on:{pick:e.handleMinTimePick,mounted:function(t){e.$refs.minTimePicker.format=e.timeFormat}}})],1)]),n("span",{staticClass:"el-icon-arrow-right"}),n("span",{staticClass:"el-date-range-picker__editors-wrap is-right"},[n("span",{staticClass:"el-date-range-picker__time-picker-wrap"},[n("el-input",{staticClass:"el-date-range-picker__editor",attrs:{size:"small",disabled:e.rangeState.selecting,placeholder:e.t("el.datepicker.endDate"),value:e.maxVisibleDate,readonly:!e.minDate},nativeOn:{input:function(t){e.handleDateInput(t,"max")},change:function(t){e.handleDateChange(t,"max")}}})],1),n("span",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:function(){return e.maxTimePickerVisible=!1},expression:"() => maxTimePickerVisible = false"}],staticClass:"el-date-range-picker__time-picker-wrap"},[n("el-input",{ref:"maxInput",staticClass:"el-date-range-picker__editor",attrs:{size:"small",disabled:e.rangeState.selecting,placeholder:e.t("el.datepicker.endTime"),value:e.maxVisibleTime,readonly:!e.minDate},on:{focus:function(t){e.minDate&&(e.maxTimePickerVisible=!0)}},nativeOn:{change:function(t){e.handleTimeChange(t,"max")}}}),n("time-picker",{ref:"maxTimePicker",attrs:{"time-arrow-control":e.arrowControl,visible:e.maxTimePickerVisible},on:{pick:e.handleMaxTimePick,mounted:function(t){e.$refs.maxTimePicker.format=e.timeFormat}}})],1)])]):e._e(),n("div",{staticClass:"el-picker-panel__content el-date-range-picker__content is-left"},[n("div",{staticClass:"el-date-range-picker__header"},[n("button",{staticClass:"el-picker-panel__icon-btn el-icon-d-arrow-left",attrs:{type:"button"},on:{click:e.leftPrevYear}}),n("button",{staticClass:"el-picker-panel__icon-btn el-icon-arrow-left",attrs:{type:"button"},on:{click:e.leftPrevMonth}}),e.unlinkPanels?n("button",{staticClass:"el-picker-panel__icon-btn el-icon-d-arrow-right",class:{"is-disabled":!e.enableYearArrow},attrs:{type:"button",disabled:!e.enableYearArrow},on:{click:e.leftNextYear}}):e._e(),e.unlinkPanels?n("button",{staticClass:"el-picker-panel__icon-btn el-icon-arrow-right",class:{"is-disabled":!e.enableMonthArrow},attrs:{type:"button",disabled:!e.enableMonthArrow},on:{click:e.leftNextMonth}}):e._e(),n("div",[e._v(e._s(e.leftLabel))])]),n("date-table",{attrs:{"selection-mode":"range",date:e.leftDate,"default-value":e.defaultValue,"min-date":e.minDate,"max-date":e.maxDate,"range-state":e.rangeState,"disabled-date":e.disabledDate,"first-day-of-week":e.firstDayOfWeek},on:{changerange:e.handleChangeRange,pick:e.handleRangePick}})],1),n("div",{staticClass:"el-picker-panel__content el-date-range-picker__content is-right"},[n("div",{staticClass:"el-date-range-picker__header"},[e.unlinkPanels?n("button",{staticClass:"el-picker-panel__icon-btn el-icon-d-arrow-left",class:{"is-disabled":!e.enableYearArrow},attrs:{type:"button",disabled:!e.enableYearArrow},on:{click:e.rightPrevYear}}):e._e(),e.unlinkPanels?n("button",{staticClass:"el-picker-panel__icon-btn el-icon-arrow-left",class:{"is-disabled":!e.enableMonthArrow},attrs:{type:"button",disabled:!e.enableMonthArrow},on:{click:e.rightPrevMonth}}):e._e(),n("button",{staticClass:"el-picker-panel__icon-btn el-icon-d-arrow-right",attrs:{type:"button"},on:{click:e.rightNextYear}}),n("button",{staticClass:"el-picker-panel__icon-btn el-icon-arrow-right",attrs:{type:"button"},on:{click:e.rightNextMonth}}),n("div",[e._v(e._s(e.rightLabel))])]),n("date-table",{attrs:{"selection-mode":"range",date:e.rightDate,"default-value":e.defaultValue,"min-date":e.minDate,"max-date":e.maxDate,"range-state":e.rangeState,"disabled-date":e.disabledDate,"first-day-of-week":e.firstDayOfWeek},on:{changerange:e.handleChangeRange,pick:e.handleRangePick}})],1)])],2),e.showTime?n("div",{staticClass:"el-picker-panel__footer"},[n("el-button",{staticClass:"el-picker-panel__link-btn",attrs:{size:"mini",type:"text"},on:{click:e.handleClear}},[e._v("\n "+e._s(e.t("el.datepicker.clear"))+"\n ")]),n("el-button",{staticClass:"el-picker-panel__link-btn",attrs:{plain:"",size:"mini",disabled:e.btnDisabled},on:{click:function(t){e.handleConfirm()}}},[e._v("\n "+e._s(e.t("el.datepicker.confirm"))+"\n ")])],1):e._e()])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(195),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(27)),r=o(n(196));function o(e){return e&&e.__esModule?e:{default:e}}t.default={mixins:[i.default],name:"ElTimeSelect",componentName:"ElTimeSelect",props:{type:{type:String,default:"time-select"}},beforeCreate:function(){this.panel=r.default}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(197),r=n.n(i),o=n(198),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(18)),r=o(n(25));function o(e){return e&&e.__esModule?e:{default:e}}var s=function(e){var t=(e||"").split(":");return t.length>=2?{hours:parseInt(t[0],10),minutes:parseInt(t[1],10)}:null},a=function(e,t){var n=s(e),i=s(t),r=n.minutes+60*n.hours,o=i.minutes+60*i.hours;return r===o?0:r>o?1:-1},l=function(e,t){var n=s(e),i=s(t),r={hours:n.hours,minutes:n.minutes};return r.minutes+=i.minutes,r.hours+=i.hours,r.hours+=Math.floor(r.minutes/60),r.minutes=r.minutes%60,function(e){return(e.hours<10?"0"+e.hours:e.hours)+":"+(e.minutes<10?"0"+e.minutes:e.minutes)}(r)};t.default={components:{ElScrollbar:i.default},watch:{value:function(e){var t=this;e&&this.$nextTick(function(){return t.scrollToOption()})}},methods:{handleClick:function(e){e.disabled||this.$emit("pick",e.value)},handleClear:function(){this.$emit("pick",null)},scrollToOption:function(){var e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:".selected",t=this.$refs.popper.querySelector(".el-picker-panel__content");(0,r.default)(t,t.querySelector(e))},handleMenuEnter:function(){var e=this,t=-1!==this.items.map(function(e){return e.value}).indexOf(this.value),n=-1!==this.items.map(function(e){return e.value}).indexOf(this.defaultValue),i=(t?".selected":n&&".default")||".time-select-item:not(.disabled)";this.$nextTick(function(){return e.scrollToOption(i)})},scrollDown:function(e){for(var t=this.items,n=t.length,i=t.length,r=t.map(function(e){return e.value}).indexOf(this.value);i--;)if(!t[r=(r+e+n)%n].disabled)return void this.$emit("pick",t[r].value,!0)},isValidValue:function(e){return-1!==this.items.filter(function(e){return!e.disabled}).map(function(e){return e.value}).indexOf(e)},handleKeydown:function(e){var t=e.keyCode;if(38===t||40===t){var n={40:1,38:-1}[t.toString()];return this.scrollDown(n),void e.stopPropagation()}}},data:function(){return{popperClass:"",start:"09:00",end:"18:00",step:"00:30",value:"",defaultValue:"",visible:!1,minTime:"",maxTime:"",width:0}},computed:{items:function(){var e=this.start,t=this.end,n=this.step,i=[];if(e&&t&&n)for(var r=e;a(r,t)<=0;)i.push({value:r,disabled:a(r,this.minTime||"-1:-1")<=0||a(r,this.maxTime||"100:100")>=0}),r=l(r,n);return i}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-zoom-in-top"},on:{"before-enter":e.handleMenuEnter,"after-leave":function(t){e.$emit("dodestroy")}}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],ref:"popper",staticClass:"el-picker-panel time-select el-popper",class:e.popperClass,style:{width:e.width+"px"}},[n("el-scrollbar",{attrs:{noresize:"","wrap-class":"el-picker-panel__content"}},e._l(e.items,function(t){return n("div",{staticClass:"time-select-item",class:{selected:e.value===t.value,disabled:t.disabled,default:t.value===e.defaultValue},attrs:{disabled:t.disabled},on:{click:function(n){e.handleClick(t)}}},[e._v(e._s(t.value))])}))],1)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(200),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(27)),r=s(n(28)),o=s(n(201));function s(e){return e&&e.__esModule?e:{default:e}}t.default={mixins:[i.default],name:"ElTimePicker",props:{isRange:Boolean,arrowControl:Boolean},data:function(){return{type:""}},watch:{isRange:function(e){this.picker?(this.unmountPicker(),this.type=e?"timerange":"time",this.panel=e?o.default:r.default,this.mountPicker()):(this.type=e?"timerange":"time",this.panel=e?o.default:r.default)}},created:function(){this.type=this.isRange?"timerange":"time",this.panel=this.isRange?o.default:r.default}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(202),r=n.n(i),o=n(203),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=n(11),r=s(n(2)),o=s(n(37));function s(e){return e&&e.__esModule?e:{default:e}}var a=(0,i.parseDate)("00:00:00","HH:mm:ss"),l=(0,i.parseDate)("23:59:59","HH:mm:ss"),u=function(e){return(0,i.modifyDate)(l,e.getFullYear(),e.getMonth(),e.getDate())},c=function(e,t){return new Date(Math.min(e.getTime()+t,u(e).getTime()))};t.default={mixins:[r.default],components:{TimeSpinner:o.default},computed:{showSeconds:function(){return-1!==(this.format||"").indexOf("ss")},offset:function(){return this.showSeconds?11:8},spinner:function(){return this.selectionRange[0]<this.offset?this.$refs.minSpinner:this.$refs.maxSpinner},btnDisabled:function(){return this.minDate.getTime()>this.maxDate.getTime()},amPmMode:function(){return-1!==(this.format||"").indexOf("A")?"A":-1!==(this.format||"").indexOf("a")?"a":""}},data:function(){return{popperClass:"",minDate:new Date,maxDate:new Date,value:[],oldValue:[new Date,new Date],defaultValue:null,format:"HH:mm:ss",visible:!1,selectionRange:[0,2],arrowControl:!1}},watch:{value:function(e){Array.isArray(e)?(this.minDate=new Date(e[0]),this.maxDate=new Date(e[1])):Array.isArray(this.defaultValue)?(this.minDate=new Date(this.defaultValue[0]),this.maxDate=new Date(this.defaultValue[1])):this.defaultValue?(this.minDate=new Date(this.defaultValue),this.maxDate=c(new Date(this.defaultValue),36e5)):(this.minDate=new Date,this.maxDate=c(new Date,36e5))},visible:function(e){var t=this;e&&(this.oldValue=this.value,this.$nextTick(function(){return t.$refs.minSpinner.emitSelectRange("hours")}))}},methods:{handleClear:function(){this.$emit("pick",null)},handleCancel:function(){this.$emit("pick",this.oldValue)},handleMinChange:function(e){this.minDate=(0,i.clearMilliseconds)(e),this.handleChange()},handleMaxChange:function(e){this.maxDate=(0,i.clearMilliseconds)(e),this.handleChange()},handleChange:function(){var e;this.isValidValue([this.minDate,this.maxDate])&&(this.$refs.minSpinner.selectableRange=[[(e=this.minDate,(0,i.modifyDate)(a,e.getFullYear(),e.getMonth(),e.getDate())),this.maxDate]],this.$refs.maxSpinner.selectableRange=[[this.minDate,u(this.maxDate)]],this.$emit("pick",[this.minDate,this.maxDate],!0))},setMinSelectionRange:function(e,t){this.$emit("select-range",e,t,"min"),this.selectionRange=[e,t]},setMaxSelectionRange:function(e,t){this.$emit("select-range",e,t,"max"),this.selectionRange=[e+this.offset,t+this.offset]},handleConfirm:function(){var e=arguments.length>0&&void 0!==arguments[0]&&arguments[0],t=this.$refs.minSpinner.selectableRange,n=this.$refs.maxSpinner.selectableRange;this.minDate=(0,i.limitTimeRange)(this.minDate,t,this.format),this.maxDate=(0,i.limitTimeRange)(this.maxDate,n,this.format),this.$emit("pick",[this.minDate,this.maxDate],e)},adjustSpinners:function(){this.$refs.minSpinner.adjustSpinners(),this.$refs.maxSpinner.adjustSpinners()},changeSelectionRange:function(e){var t=this.showSeconds?[0,3,6,11,14,17]:[0,3,8,11],n=["hours","minutes"].concat(this.showSeconds?["seconds"]:[]),i=(t.indexOf(this.selectionRange[0])+e+t.length)%t.length,r=t.length/2;i<r?this.$refs.minSpinner.emitSelectRange(n[i]):this.$refs.maxSpinner.emitSelectRange(n[i-r])},isValidValue:function(e){return Array.isArray(e)&&(0,i.timeWithinRange)(this.minDate,this.$refs.minSpinner.selectableRange)&&(0,i.timeWithinRange)(this.maxDate,this.$refs.maxSpinner.selectableRange)},handleKeydown:function(e){var t=e.keyCode,n={38:-1,40:1,37:-1,39:1};if(37===t||39===t){var i=n[t];return this.changeSelectionRange(i),void e.preventDefault()}if(38===t||40===t){var r=n[t];return this.spinner.scrollDown(r),void e.preventDefault()}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-zoom-in-top"},on:{"after-leave":function(t){e.$emit("dodestroy")}}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-time-range-picker el-picker-panel el-popper",class:e.popperClass},[n("div",{staticClass:"el-time-range-picker__content"},[n("div",{staticClass:"el-time-range-picker__cell"},[n("div",{staticClass:"el-time-range-picker__header"},[e._v(e._s(e.t("el.datepicker.startTime")))]),n("div",{staticClass:"el-time-range-picker__body el-time-panel__content",class:{"has-seconds":e.showSeconds,"is-arrow":e.arrowControl}},[n("time-spinner",{ref:"minSpinner",attrs:{"show-seconds":e.showSeconds,"am-pm-mode":e.amPmMode,"arrow-control":e.arrowControl,date:e.minDate},on:{change:e.handleMinChange,"select-range":e.setMinSelectionRange}})],1)]),n("div",{staticClass:"el-time-range-picker__cell"},[n("div",{staticClass:"el-time-range-picker__header"},[e._v(e._s(e.t("el.datepicker.endTime")))]),n("div",{staticClass:"el-time-range-picker__body el-time-panel__content",class:{"has-seconds":e.showSeconds,"is-arrow":e.arrowControl}},[n("time-spinner",{ref:"maxSpinner",attrs:{"show-seconds":e.showSeconds,"am-pm-mode":e.amPmMode,"arrow-control":e.arrowControl,date:e.maxDate},on:{change:e.handleMaxChange,"select-range":e.setMaxSelectionRange}})],1)])]),n("div",{staticClass:"el-time-panel__footer"},[n("button",{staticClass:"el-time-panel__btn cancel",attrs:{type:"button"},on:{click:function(t){e.handleCancel()}}},[e._v(e._s(e.t("el.datepicker.cancel")))]),n("button",{staticClass:"el-time-panel__btn confirm",attrs:{type:"button",disabled:e.btnDisabled},on:{click:function(t){e.handleConfirm()}}},[e._v(e._s(e.t("el.datepicker.confirm")))])])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(205)),r=o(n(208));function o(e){return e&&e.__esModule?e:{default:e}}o(n(5)).default.directive("popover",r.default),i.default.install=function(e){e.directive("popover",r.default),e.component(i.default.name,i.default)},i.default.directive=r.default,t.default=i.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(206),r=n.n(i),o=n(207),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(8),o=(i=r)&&i.__esModule?i:{default:i},s=n(3),a=n(4);t.default={name:"ElPopover",mixins:[o.default],props:{trigger:{type:String,default:"click",validator:function(e){return["click","focus","hover","manual"].indexOf(e)>-1}},openDelay:{type:Number,default:0},title:String,disabled:Boolean,content:String,reference:{},popperClass:String,width:{},visibleArrow:{default:!0},arrowOffset:{type:Number,default:0},transition:{type:String,default:"fade-in-linear"}},computed:{tooltipId:function(){return"el-popover-"+(0,a.generateId)()}},watch:{showPopper:function(e){e?this.$emit("show"):this.$emit("hide")}},mounted:function(){var e=this,t=this.referenceElm=this.reference||this.$refs.reference,n=this.popper||this.$refs.popper;if(!t&&this.$slots.reference&&this.$slots.reference[0]&&(t=this.referenceElm=this.$slots.reference[0].elm),t&&((0,s.addClass)(t,"el-popover__reference"),t.setAttribute("aria-describedby",this.tooltipId),t.setAttribute("tabindex",0),n.setAttribute("tabindex",0),"click"!==this.trigger&&((0,s.on)(t,"focusin",function(){e.handleFocus();var n=t.__vue__;n&&n.focus&&n.focus()}),(0,s.on)(n,"focusin",this.handleFocus),(0,s.on)(t,"focusout",this.handleBlur),(0,s.on)(n,"focusout",this.handleBlur)),(0,s.on)(t,"keydown",this.handleKeydown),(0,s.on)(t,"click",this.handleClick)),"click"===this.trigger)(0,s.on)(t,"click",this.doToggle),(0,s.on)(document,"click",this.handleDocumentClick);else if("hover"===this.trigger)(0,s.on)(t,"mouseenter",this.handleMouseEnter),(0,s.on)(n,"mouseenter",this.handleMouseEnter),(0,s.on)(t,"mouseleave",this.handleMouseLeave),(0,s.on)(n,"mouseleave",this.handleMouseLeave);else if("focus"===this.trigger){var i=!1;if([].slice.call(t.children).length)for(var r=t.childNodes,o=r.length,a=0;a<o;a++)if("INPUT"===r[a].nodeName||"TEXTAREA"===r[a].nodeName){(0,s.on)(r[a],"focusin",this.doShow),(0,s.on)(r[a],"focusout",this.doClose),i=!0;break}if(i)return;"INPUT"===t.nodeName||"TEXTAREA"===t.nodeName?((0,s.on)(t,"focusin",this.doShow),(0,s.on)(t,"focusout",this.doClose)):((0,s.on)(t,"mousedown",this.doShow),(0,s.on)(t,"mouseup",this.doClose))}},methods:{doToggle:function(){this.showPopper=!this.showPopper},doShow:function(){this.showPopper=!0},doClose:function(){this.showPopper=!1},handleFocus:function(){(0,s.addClass)(this.referenceElm,"focusing"),"manual"!==this.trigger&&(this.showPopper=!0)},handleClick:function(){(0,s.removeClass)(this.referenceElm,"focusing")},handleBlur:function(){(0,s.removeClass)(this.referenceElm,"focusing"),"manual"!==this.trigger&&(this.showPopper=!1)},handleMouseEnter:function(){var e=this;clearTimeout(this._timer),this.openDelay?this._timer=setTimeout(function(){e.showPopper=!0},this.openDelay):this.showPopper=!0},handleKeydown:function(e){27===e.keyCode&&"manual"!==this.trigger&&this.doClose()},handleMouseLeave:function(){var e=this;clearTimeout(this._timer),this._timer=setTimeout(function(){e.showPopper=!1},200)},handleDocumentClick:function(e){var t=this.reference||this.$refs.reference,n=this.popper||this.$refs.popper;!t&&this.$slots.reference&&this.$slots.reference[0]&&(t=this.referenceElm=this.$slots.reference[0].elm),this.$el&&t&&!this.$el.contains(e.target)&&!t.contains(e.target)&&n&&!n.contains(e.target)&&(this.showPopper=!1)},handleAfterEnter:function(){this.$emit("after-enter")},handleAfterLeave:function(){this.$emit("after-leave"),this.doDestroy()}},destroyed:function(){var e=this.reference;(0,s.off)(e,"click",this.doToggle),(0,s.off)(e,"mouseup",this.doClose),(0,s.off)(e,"mousedown",this.doShow),(0,s.off)(e,"focusin",this.doShow),(0,s.off)(e,"focusout",this.doClose),(0,s.off)(e,"mouseleave",this.handleMouseLeave),(0,s.off)(e,"mouseenter",this.handleMouseEnter),(0,s.off)(document,"click",this.handleDocumentClick)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("span",[n("transition",{attrs:{name:e.transition},on:{"after-enter":e.handleAfterEnter,"after-leave":e.handleAfterLeave}},[n("div",{directives:[{name:"show",rawName:"v-show",value:!e.disabled&&e.showPopper,expression:"!disabled && showPopper"}],ref:"popper",staticClass:"el-popover el-popper",class:[e.popperClass,e.content&&"el-popover--plain"],style:{width:e.width+"px"},attrs:{role:"tooltip",id:e.tooltipId,"aria-hidden":e.disabled||!e.showPopper?"true":"false"}},[e.title?n("div",{staticClass:"el-popover__title",domProps:{textContent:e._s(e.title)}}):e._e(),e._t("default",[e._v(e._s(e.content))])],2)]),e._t("reference")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i=function(e,t,n){var i=t.expression?t.value:t.arg,r=n.context.$refs[i];r&&(r.$refs.reference=e)};t.default={bind:function(e,t,n){i(e,t,n)},inserted:function(e,t,n){i(e,t,n)}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(210),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=u(n(8)),r=u(n(13)),o=n(3),s=n(21),a=n(4),l=u(n(5));function u(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElTooltip",mixins:[i.default],props:{openDelay:{type:Number,default:0},disabled:Boolean,manual:Boolean,effect:{type:String,default:"dark"},arrowOffset:{type:Number,default:0},popperClass:String,content:String,visibleArrow:{default:!0},transition:{type:String,default:"el-fade-in-linear"},popperOptions:{default:function(){return{boundariesPadding:10,gpuAcceleration:!1}}},enterable:{type:Boolean,default:!0},hideAfter:{type:Number,default:0}},data:function(){return{timeoutPending:null,focusing:!1}},computed:{tooltipId:function(){return"el-tooltip-"+(0,a.generateId)()}},beforeCreate:function(){var e=this;this.$isServer||(this.popperVM=new l.default({data:{node:""},render:function(e){return this.node}}).$mount(),this.debounceClose=(0,r.default)(200,function(){return e.handleClosePopper()}))},render:function(e){var t=this;if(this.popperVM&&(this.popperVM.node=e("transition",{attrs:{name:this.transition},on:{afterLeave:this.doDestroy}},[e("div",{on:{mouseleave:function(){t.setExpectedState(!1),t.debounceClose()},mouseenter:function(){t.setExpectedState(!0)}},ref:"popper",attrs:{role:"tooltip",id:this.tooltipId,"aria-hidden":this.disabled||!this.showPopper?"true":"false"},directives:[{name:"show",value:!this.disabled&&this.showPopper}],class:["el-tooltip__popper","is-"+this.effect,this.popperClass]},[this.$slots.content||this.content])])),!this.$slots.default||!this.$slots.default.length)return this.$slots.default;var n=(0,s.getFirstComponentChild)(this.$slots.default);if(!n)return n;var i=n.data=n.data||{};return i.staticClass=this.concatClass(i.staticClass,"el-tooltip"),n},mounted:function(){var e=this;this.referenceElm=this.$el,1===this.$el.nodeType&&(this.$el.setAttribute("aria-describedby",this.tooltipId),this.$el.setAttribute("tabindex",0),(0,o.on)(this.referenceElm,"mouseenter",this.show),(0,o.on)(this.referenceElm,"mouseleave",this.hide),(0,o.on)(this.referenceElm,"focus",function(){if(e.$slots.default&&e.$slots.default.length){var t=e.$slots.default[0].componentInstance;t&&t.focus?t.focus():e.handleFocus()}else e.handleFocus()}),(0,o.on)(this.referenceElm,"blur",this.handleBlur),(0,o.on)(this.referenceElm,"click",this.removeFocusing))},watch:{focusing:function(e){e?(0,o.addClass)(this.referenceElm,"focusing"):(0,o.removeClass)(this.referenceElm,"focusing")}},methods:{show:function(){this.setExpectedState(!0),this.handleShowPopper()},hide:function(){this.setExpectedState(!1),this.debounceClose()},handleFocus:function(){this.focusing=!0,this.show()},handleBlur:function(){this.focusing=!1,this.hide()},removeFocusing:function(){this.focusing=!1},concatClass:function(e,t){return e&&e.indexOf(t)>-1?e:e?t?e+" "+t:e:t||""},handleShowPopper:function(){var e=this;this.expectedState&&!this.manual&&(clearTimeout(this.timeout),this.timeout=setTimeout(function(){e.showPopper=!0},this.openDelay),this.hideAfter>0&&(this.timeoutPending=setTimeout(function(){e.showPopper=!1},this.hideAfter)))},handleClosePopper:function(){this.enterable&&this.expectedState||this.manual||(clearTimeout(this.timeout),this.timeoutPending&&clearTimeout(this.timeoutPending),this.showPopper=!1)},setExpectedState:function(e){!1===e&&clearTimeout(this.timeoutPending),this.expectedState=e}},destroyed:function(){var e=this.referenceElm;(0,o.off)(e,"mouseenter",this.show),(0,o.off)(e,"mouseleave",this.hide),(0,o.off)(e,"focus",this.handleFocus),(0,o.off)(e,"blur",this.handleBlur),(0,o.off)(e,"click",this.removeFocusing)}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(212),o=(i=r)&&i.__esModule?i:{default:i};t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0,t.MessageBox=void 0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},r=l(n(5)),o=l(n(213)),s=l(n(10)),a=n(21);function l(e){return e&&e.__esModule?e:{default:e}}var u={title:null,message:"",type:"",showInput:!1,showClose:!0,modalFade:!0,lockScroll:!0,closeOnClickModal:!0,closeOnPressEscape:!0,closeOnHashChange:!0,inputValue:null,inputPlaceholder:"",inputType:"text",inputPattern:null,inputValidator:null,inputErrorMessage:"",showConfirmButton:!0,showCancelButton:!1,confirmButtonPosition:"right",confirmButtonHighlight:!1,cancelButtonHighlight:!1,confirmButtonText:"",cancelButtonText:"",confirmButtonClass:"",cancelButtonClass:"",customClass:"",beforeClose:null,dangerouslyUseHTMLString:!1,center:!1,roundButton:!1},c=r.default.extend(o.default),d=void 0,f=void 0,h=[],p=function(e){if(d){var t=d.callback;"function"==typeof t&&(f.showInput?t(f.inputValue,e):t(e)),d.resolve&&("confirm"===e?f.showInput?d.resolve({value:f.inputValue,action:e}):d.resolve(e):"cancel"===e&&d.reject&&d.reject(e))}},m=function e(){f||((f=new c({el:document.createElement("div")})).callback=p),f.action="",f.visible&&!f.closeTimer||h.length>0&&function(){var t=(d=h.shift()).options;for(var n in t)t.hasOwnProperty(n)&&(f[n]=t[n]);void 0===t.callback&&(f.callback=p);var i=f.callback;f.callback=function(t,n){i(t,n),e()},(0,a.isVNode)(f.message)?(f.$slots.default=[f.message],f.message=null):delete f.$slots.default,["modal","showClose","closeOnClickModal","closeOnPressEscape","closeOnHashChange"].forEach(function(e){void 0===f[e]&&(f[e]=!0)}),document.body.appendChild(f.$el),r.default.nextTick(function(){f.visible=!0})}()},v=function e(t,n){if(!r.default.prototype.$isServer){if("string"==typeof t||(0,a.isVNode)(t)?(t={message:t},"string"==typeof arguments[1]&&(t.title=arguments[1])):t.callback&&!n&&(n=t.callback),"undefined"!=typeof Promise)return new Promise(function(i,r){h.push({options:(0,s.default)({},u,e.defaults,t),callback:n,resolve:i,reject:r}),m()});h.push({options:(0,s.default)({},u,e.defaults,t),callback:n}),m()}};v.setDefaults=function(e){v.defaults=e},v.alert=function(e,t,n){return"object"===(void 0===t?"undefined":i(t))?(n=t,t=""):void 0===t&&(t=""),v((0,s.default)({title:t,message:e,$type:"alert",closeOnPressEscape:!1,closeOnClickModal:!1},n))},v.confirm=function(e,t,n){return"object"===(void 0===t?"undefined":i(t))?(n=t,t=""):void 0===t&&(t=""),v((0,s.default)({title:t,message:e,$type:"confirm",showCancelButton:!0},n))},v.prompt=function(e,t,n){return"object"===(void 0===t?"undefined":i(t))?(n=t,t=""):void 0===t&&(t=""),v((0,s.default)({title:t,message:e,showCancelButton:!0,showInput:!0,$type:"prompt"},n))},v.close=function(){f.doClose(),f.visible=!1,h=[],d=null},t.default=v,t.MessageBox=v},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(214),r=n.n(i),o=n(216),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=c(n(12)),r=c(n(2)),o=c(n(6)),s=c(n(15)),a=n(3),l=n(16),u=c(n(215));function c(e){return e&&e.__esModule?e:{default:e}}var d=void 0,f={success:"success",info:"info",warning:"warning",error:"error"};t.default={mixins:[i.default,r.default],props:{modal:{default:!0},lockScroll:{default:!0},showClose:{type:Boolean,default:!0},closeOnClickModal:{default:!0},closeOnPressEscape:{default:!0},closeOnHashChange:{default:!0},center:{default:!1,type:Boolean},roundButton:{default:!1,type:Boolean}},components:{ElInput:o.default,ElButton:s.default},computed:{typeClass:function(){return this.type&&f[this.type]?"el-icon-"+f[this.type]:""},confirmButtonClasses:function(){return"el-button--primary "+this.confirmButtonClass},cancelButtonClasses:function(){return""+this.cancelButtonClass}},methods:{getSafeClose:function(){var e=this,t=this.uid;return function(){e.$nextTick(function(){t===e.uid&&e.doClose()})}},doClose:function(){var e=this;this.visible&&(this.visible=!1,this._closing=!0,this.onClose&&this.onClose(),d.closeDialog(),this.lockScroll&&setTimeout(function(){e.modal&&"hidden"!==e.bodyOverflow&&(document.body.style.overflow=e.bodyOverflow,document.body.style.paddingRight=e.bodyPaddingRight),e.bodyOverflow=null,e.bodyPaddingRight=null},200),this.opened=!1,this.transition||this.doAfterClose(),setTimeout(function(){e.action&&e.callback(e.action,e)}))},handleWrapperClick:function(){this.closeOnClickModal&&this.handleAction("cancel")},handleInputEnter:function(){if("textarea"!==this.inputType)return this.handleAction("confirm")},handleAction:function(e){("prompt"!==this.$type||"confirm"!==e||this.validate())&&(this.action=e,"function"==typeof this.beforeClose?(this.close=this.getSafeClose(),this.beforeClose(e,this,this.close)):this.doClose())},validate:function(){if("prompt"===this.$type){var e=this.inputPattern;if(e&&!e.test(this.inputValue||""))return this.editorErrorMessage=this.inputErrorMessage||(0,l.t)("el.messagebox.error"),(0,a.addClass)(this.getInputElement(),"invalid"),!1;var t=this.inputValidator;if("function"==typeof t){var n=t(this.inputValue);if(!1===n)return this.editorErrorMessage=this.inputErrorMessage||(0,l.t)("el.messagebox.error"),(0,a.addClass)(this.getInputElement(),"invalid"),!1;if("string"==typeof n)return this.editorErrorMessage=n,!1}}return this.editorErrorMessage="",(0,a.removeClass)(this.getInputElement(),"invalid"),!0},getFistFocus:function(){var e=this.$el.querySelector(".el-message-box__btns .el-button"),t=this.$el.querySelector(".el-message-box__btns .el-message-box__title");return e&&e[0]||t},getInputElement:function(){var e=this.$refs.input.$refs;return e.input||e.textarea}},watch:{inputValue:{immediate:!0,handler:function(e){var t=this;this.$nextTick(function(n){"prompt"===t.$type&&null!==e&&t.validate()})}},visible:function(e){var t=this;e&&(this.uid++,"alert"!==this.$type&&"confirm"!==this.$type||this.$nextTick(function(){t.$refs.confirm.$el.focus()}),this.focusAfterClosed=document.activeElement,d=new u.default(this.$el,this.focusAfterClosed,this.getFistFocus())),"prompt"===this.$type&&(e?setTimeout(function(){t.$refs.input&&t.$refs.input.$el&&t.getInputElement().focus()},500):(this.editorErrorMessage="",(0,a.removeClass)(this.getInputElement(),"invalid")))}},mounted:function(){this.closeOnHashChange&&window.addEventListener("hashchange",this.close)},beforeDestroy:function(){this.closeOnHashChange&&window.removeEventListener("hashchange",this.close),setTimeout(function(){d.closeDialog()})},data:function(){return{uid:1,title:void 0,message:"",type:"",customClass:"",showInput:!1,inputValue:null,inputPlaceholder:"",inputType:"text",inputPattern:null,inputValidator:null,inputErrorMessage:"",showConfirmButton:!0,showCancelButton:!1,action:"",confirmButtonText:"",cancelButtonText:"",confirmButtonLoading:!1,cancelButtonLoading:!1,confirmButtonClass:"",confirmButtonDisabled:!1,cancelButtonClass:"",editorErrorMessage:null,callback:null,dangerouslyUseHTMLString:!1,focusAfterClosed:null,isOnComposition:!1}}}},function(e,t){e.exports=n("DQJY")},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"msgbox-fade"}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-message-box__wrapper",attrs:{tabindex:"-1",role:"dialog","aria-modal":"true","aria-label":e.title||"dialog"},on:{click:function(t){if(t.target!==t.currentTarget)return null;e.handleWrapperClick(t)}}},[n("div",{staticClass:"el-message-box",class:[e.customClass,e.center&&"el-message-box--center"]},[null!==e.title?n("div",{staticClass:"el-message-box__header"},[n("div",{staticClass:"el-message-box__title"},[e.typeClass&&e.center?n("div",{class:["el-message-box__status",e.typeClass]}):e._e(),n("span",[e._v(e._s(e.title))])]),e.showClose?n("button",{staticClass:"el-message-box__headerbtn",attrs:{type:"button","aria-label":"Close"},on:{click:function(t){e.handleAction("cancel")},keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.handleAction("cancel")}}},[n("i",{staticClass:"el-message-box__close el-icon-close"})]):e._e()]):e._e(),n("div",{staticClass:"el-message-box__content"},[e.typeClass&&!e.center&&""!==e.message?n("div",{class:["el-message-box__status",e.typeClass]}):e._e(),""!==e.message?n("div",{staticClass:"el-message-box__message"},[e._t("default",[e.dangerouslyUseHTMLString?n("p",{domProps:{innerHTML:e._s(e.message)}}):n("p",[e._v(e._s(e.message))])])],2):e._e(),n("div",{directives:[{name:"show",rawName:"v-show",value:e.showInput,expression:"showInput"}],staticClass:"el-message-box__input"},[n("el-input",{ref:"input",attrs:{type:e.inputType,placeholder:e.inputPlaceholder},nativeOn:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.handleInputEnter(t)}},model:{value:e.inputValue,callback:function(t){e.inputValue=t},expression:"inputValue"}}),n("div",{staticClass:"el-message-box__errormsg",style:{visibility:e.editorErrorMessage?"visible":"hidden"}},[e._v(e._s(e.editorErrorMessage))])],1)]),n("div",{staticClass:"el-message-box__btns"},[e.showCancelButton?n("el-button",{class:[e.cancelButtonClasses],attrs:{loading:e.cancelButtonLoading,round:e.roundButton,size:"small"},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.handleAction("cancel")}},nativeOn:{click:function(t){e.handleAction("cancel")}}},[e._v("\n "+e._s(e.cancelButtonText||e.t("el.messagebox.cancel"))+"\n ")]):e._e(),n("el-button",{directives:[{name:"show",rawName:"v-show",value:e.showConfirmButton,expression:"showConfirmButton"}],ref:"confirm",class:[e.confirmButtonClasses],attrs:{loading:e.confirmButtonLoading,round:e.roundButton,size:"small"},on:{keydown:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.handleAction("confirm")}},nativeOn:{click:function(t){e.handleAction("confirm")}}},[e._v("\n "+e._s(e.confirmButtonText||e.t("el.messagebox.confirm"))+"\n ")])],1)])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(218),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(219),r=n.n(i),o=n(220),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElBreadcrumb",props:{separator:{type:String,default:"/"},separatorClass:{type:String,default:""}},provide:function(){return{elBreadcrumb:this}},mounted:function(){var e=this.$el.querySelectorAll(".el-breadcrumb__item");e.length&&e[e.length-1].setAttribute("aria-current","page")}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-breadcrumb",attrs:{"aria-label":"Breadcrumb",role:"navigation"}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(222),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(223),r=n.n(i),o=n(224),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElBreadcrumbItem",props:{to:{},replace:Boolean},data:function(){return{separator:"",separatorClass:""}},inject:["elBreadcrumb"],mounted:function(){var e=this;this.separator=this.elBreadcrumb.separator,this.separatorClass=this.elBreadcrumb.separatorClass;var t=this;if(this.to){var n=this.$refs.link;n.setAttribute("role","link"),n.addEventListener("click",function(n){var i=e.to;t.replace?t.$router.replace(i):t.$router.push(i)})}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("span",{staticClass:"el-breadcrumb__item"},[t("span",{ref:"link",staticClass:"el-breadcrumb__inner",attrs:{role:"link"}},[this._t("default")],2),this.separatorClass?t("i",{staticClass:"el-breadcrumb__separator",class:this.separatorClass}):t("span",{staticClass:"el-breadcrumb__separator",attrs:{role:"presentation"}},[this._v(this._s(this.separator))])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(226),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(227),r=n.n(i),o=n(228),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(10),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElForm",componentName:"ElForm",provide:function(){return{elForm:this}},props:{model:Object,rules:Object,labelPosition:String,labelWidth:String,labelSuffix:{type:String,default:""},inline:Boolean,inlineMessage:Boolean,statusIcon:Boolean,showMessage:{type:Boolean,default:!0},size:String,disabled:Boolean,validateOnRuleChange:{type:Boolean,default:!0}},watch:{rules:function(){this.validateOnRuleChange&&this.validate(function(){})}},data:function(){return{fields:[]}},created:function(){var e=this;this.$on("el.form.addField",function(t){t&&e.fields.push(t)}),this.$on("el.form.removeField",function(t){t.prop&&e.fields.splice(e.fields.indexOf(t),1)})},methods:{resetFields:function(){this.model&&this.fields.forEach(function(e){e.resetField()})},clearValidate:function(){this.fields.forEach(function(e){e.clearValidate()})},validate:function(e){var t=this;if(this.model){var n=void 0;"function"!=typeof e&&window.Promise&&(n=new window.Promise(function(t,n){e=function(e){e?t(e):n(e)}}));var i=!0,r=0;0===this.fields.length&&e&&e(!0);var s={};return this.fields.forEach(function(n){n.validate("",function(n,a){n&&(i=!1),s=(0,o.default)({},s,a),"function"==typeof e&&++r===t.fields.length&&e(i,s)})}),n||void 0}console.warn("[Element Warn][Form]model is required for validate to work!")},validateField:function(e,t){var n=this.fields.filter(function(t){return t.prop===e})[0];if(!n)throw new Error("must call validateField with valid prop string!");n.validate("",t)}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("form",{staticClass:"el-form",class:[this.labelPosition?"el-form--label-"+this.labelPosition:"",{"el-form--inline":this.inline}]},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(230),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(231),r=n.n(i),o=n(233),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(232)),r=a(n(1)),o=a(n(10)),s=n(4);function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElFormItem",componentName:"ElFormItem",mixins:[r.default],provide:function(){return{elFormItem:this}},inject:["elForm"],props:{label:String,labelWidth:String,prop:String,required:{type:Boolean,default:void 0},rules:[Object,Array],error:String,validateStatus:String,for:String,inlineMessage:{type:[String,Boolean],default:""},showMessage:{type:Boolean,default:!0},size:String},watch:{error:{immediate:!0,handler:function(e){this.validateMessage=e,this.validateState=e?"error":""}},validateStatus:function(e){this.validateState=e}},computed:{labelFor:function(){return this.for||this.prop},labelStyle:function(){var e={};if("top"===this.form.labelPosition)return e;var t=this.labelWidth||this.form.labelWidth;return t&&(e.width=t),e},contentStyle:function(){var e={},t=this.label;if("top"===this.form.labelPosition||this.form.inline)return e;if(!t&&!this.labelWidth&&this.isNested)return e;var n=this.labelWidth||this.form.labelWidth;return n&&(e.marginLeft=n),e},form:function(){for(var e=this.$parent,t=e.$options.componentName;"ElForm"!==t;)"ElFormItem"===t&&(this.isNested=!0),t=(e=e.$parent).$options.componentName;return e},fieldValue:{cache:!1,get:function(){var e=this.form.model;if(e&&this.prop){var t=this.prop;return-1!==t.indexOf(":")&&(t=t.replace(/:/,".")),(0,s.getPropByPath)(e,t,!0).v}}},isRequired:function(){var e=this.getRules(),t=!1;return e&&e.length&&e.every(function(e){return!e.required||(t=!0,!1)}),t},_formSize:function(){return this.elForm.size},elFormItemSize:function(){return this.size||this._formSize},sizeClass:function(){return(this.$ELEMENT||{}).size||this.elFormItemSize}},data:function(){return{validateState:"",validateMessage:"",validateDisabled:!1,validator:{},isNested:!1}},methods:{validate:function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:s.noop;this.validateDisabled=!1;var r=this.getFilteredRule(e);if((!r||0===r.length)&&void 0===this.required)return n(),!0;this.validateState="validating";var o={};r&&r.length>0&&r.forEach(function(e){delete e.trigger}),o[this.prop]=r;var a=new i.default(o),l={};l[this.prop]=this.fieldValue,a.validate(l,{firstFields:!0},function(e,i){t.validateState=e?"error":"success",t.validateMessage=e?e[0].message:"",n(t.validateMessage,i),t.elForm&&t.elForm.$emit("validate",t.prop,!e)})},clearValidate:function(){this.validateState="",this.validateMessage="",this.validateDisabled=!1},resetField:function(){this.validateState="",this.validateMessage="";var e=this.form.model,t=this.fieldValue,n=this.prop;-1!==n.indexOf(":")&&(n=n.replace(/:/,"."));var i=(0,s.getPropByPath)(e,n,!0);this.validateDisabled=!0,Array.isArray(t)?i.o[i.k]=[].concat(this.initialValue):i.o[i.k]=this.initialValue,this.broadcast("ElSelect","fieldReset"),this.broadcast("ElTimeSelect","fieldReset",this.initialValue)},getRules:function(){var e=this.form.rules,t=this.rules,n=void 0!==this.required?{required:!!this.required}:[],i=(0,s.getPropByPath)(e,this.prop||"");return e=e?i.o[this.prop||""]||i.v:[],[].concat(t||e||[]).concat(n)},getFilteredRule:function(e){return this.getRules().filter(function(t){return!t.trigger||""===e||(Array.isArray(t.trigger)?t.trigger.indexOf(e)>-1:t.trigger===e)}).map(function(e){return(0,o.default)({},e)})},onFieldBlur:function(){this.validate("blur")},onFieldChange:function(){this.validateDisabled?this.validateDisabled=!1:this.validate("change")}},mounted:function(){if(this.prop){this.dispatch("ElForm","el.form.addField",[this]);var e=this.fieldValue;Array.isArray(e)&&(e=[].concat(e)),Object.defineProperty(this,"initialValue",{value:e}),(this.getRules().length||void 0!==this.required)&&(this.$on("el.form.blur",this.onFieldBlur),this.$on("el.form.change",this.onFieldChange))}},beforeDestroy:function(){this.dispatch("ElForm","el.form.removeField",[this])}}},function(e,t){e.exports=n("jwfv")},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-form-item",class:[{"el-form-item--feedback":e.elForm&&e.elForm.statusIcon,"is-error":"error"===e.validateState,"is-validating":"validating"===e.validateState,"is-success":"success"===e.validateState,"is-required":e.isRequired||e.required},e.sizeClass?"el-form-item--"+e.sizeClass:""]},[e.label||e.$slots.label?n("label",{staticClass:"el-form-item__label",style:e.labelStyle,attrs:{for:e.labelFor}},[e._t("label",[e._v(e._s(e.label+e.form.labelSuffix))])],2):e._e(),n("div",{staticClass:"el-form-item__content",style:e.contentStyle},[e._t("default"),n("transition",{attrs:{name:"el-zoom-in-top"}},["error"===e.validateState&&e.showMessage&&e.form.showMessage?n("div",{staticClass:"el-form-item__error",class:{"el-form-item__error--inline":"boolean"==typeof e.inlineMessage?e.inlineMessage:e.elForm&&e.elForm.inlineMessage||!1}},[e._v("\n "+e._s(e.validateMessage)+"\n ")]):e._e()])],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(235),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(236),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(237),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElTabs",components:{TabNav:o.default},props:{type:String,activeName:String,closable:Boolean,addable:Boolean,value:{},editable:Boolean,tabPosition:{type:String,default:"top"}},provide:function(){return{rootTabs:this}},data:function(){return{currentName:this.value||this.activeName,panes:[]}},watch:{activeName:function(e){this.setCurrentName(e)},value:function(e){this.setCurrentName(e)},currentName:function(e){var t=this;this.$refs.nav&&this.$nextTick(function(e){t.$refs.nav.scrollToActiveTab()})}},methods:{handleTabClick:function(e,t,n){e.disabled||(this.setCurrentName(t),this.$emit("tab-click",e,n))},handleTabRemove:function(e,t){e.disabled||(t.stopPropagation(),this.$emit("edit",e.name,"remove"),this.$emit("tab-remove",e.name))},handleTabAdd:function(){this.$emit("edit",null,"add"),this.$emit("tab-add")},setCurrentName:function(e){this.currentName=e,this.$emit("input",e)},addPanes:function(e){var t=this.$slots.default.filter(function(e){return 1===e.elm.nodeType&&/\bel-tab-pane\b/.test(e.elm.className)}).indexOf(e.$vnode);this.panes.splice(t,0,e)},removePanes:function(e){var t=this.panes,n=t.indexOf(e);n>-1&&t.splice(n,1)}},render:function(e){var t,n=this.type,i=this.handleTabClick,r=this.handleTabRemove,o=this.handleTabAdd,s=this.currentName,a=this.panes,l=this.editable,u=this.addable,c=this.tabPosition,d=e("div",{class:["el-tabs__header","is-"+c]},[l||u?e("span",{class:"el-tabs__new-tab",on:{click:o,keydown:function(e){13===e.keyCode&&o()}},attrs:{tabindex:"0"}},[e("i",{class:"el-icon-plus"},[])]):null,e("tab-nav",{props:{currentName:s,onTabClick:i,onTabRemove:r,editable:l,type:n,panes:a},ref:"nav"},[])]),f=e("div",{class:"el-tabs__content"},[this.$slots.default]);return e("div",{class:(t={"el-tabs":!0,"el-tabs--card":"card"===n},t["el-tabs--"+c]=!0,t["el-tabs--border-card"]="border-card"===n,t)},["bottom"!==c?[d,f]:[f,d]])},created:function(){this.currentName||this.setCurrentName("0")}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(238),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(239),o=(i=r)&&i.__esModule?i:{default:i},s=n(17);function a(){}var l=function(e){return e.toLowerCase().replace(/( |^)[a-z]/g,function(e){return e.toUpperCase()})};t.default={name:"TabNav",components:{TabBar:o.default},inject:["rootTabs"],props:{panes:Array,currentName:String,editable:Boolean,onTabClick:{type:Function,default:a},onTabRemove:{type:Function,default:a},type:String},data:function(){return{scrollable:!1,navOffset:0,isFocus:!1}},computed:{navStyle:function(){return{transform:"translate"+(-1!==["top","bottom"].indexOf(this.rootTabs.tabPosition)?"X":"Y")+"(-"+this.navOffset+"px)"}},sizeName:function(){return-1!==["top","bottom"].indexOf(this.rootTabs.tabPosition)?"width":"height"}},methods:{scrollPrev:function(){var e=this.$refs.navScroll["offset"+l(this.sizeName)],t=this.navOffset;if(t){var n=t>e?t-e:0;this.navOffset=n}},scrollNext:function(){var e=this.$refs.nav["offset"+l(this.sizeName)],t=this.$refs.navScroll["offset"+l(this.sizeName)],n=this.navOffset;if(!(e-n<=t)){var i=e-n>2*t?n+t:e-t;this.navOffset=i}},scrollToActiveTab:function(){if(this.scrollable){var e=this.$refs.nav,t=this.$el.querySelector(".is-active");if(t){var n=this.$refs.navScroll,i=t.getBoundingClientRect(),r=n.getBoundingClientRect(),o=e.getBoundingClientRect(),s=this.navOffset,a=s;i.left<r.left&&(a=s-(r.left-i.left)),i.right>r.right&&(a=s+i.right-r.right),o.right<r.right&&(a=e.offsetWidth-r.width),this.navOffset=Math.max(a,0)}}},update:function(){if(this.$refs.nav){var e=this.sizeName,t=this.$refs.nav["offset"+l(e)],n=this.$refs.navScroll["offset"+l(e)],i=this.navOffset;if(n<t){var r=this.navOffset;this.scrollable=this.scrollable||{},this.scrollable.prev=r,this.scrollable.next=r+n<t,t-r<n&&(this.navOffset=t-n)}else this.scrollable=!1,i>0&&(this.navOffset=0)}},changeTab:function(e){var t=e.keyCode,n=void 0,i=void 0,r=void 0;-1!==[37,38,39,40].indexOf(t)&&(r=e.currentTarget.querySelectorAll("[role=tab]"),i=Array.prototype.indexOf.call(r,e.target),r[n=37===t||38===t?0===i?r.length-1:i-1:i<r.length-1?i+1:0].focus(),r[n].click(),this.setFocus())},setFocus:function(){this.isFocus=!0},removeFocus:function(){this.isFocus=!1}},updated:function(){this.update()},render:function(e){var t=this,n=this.type,i=this.panes,r=this.editable,o=this.onTabClick,s=this.onTabRemove,a=this.navStyle,l=this.scrollable,u=this.scrollNext,c=this.scrollPrev,d=this.changeTab,f=this.setFocus,h=this.removeFocus,p=l?[e("span",{class:["el-tabs__nav-prev",l.prev?"":"is-disabled"],on:{click:c}},[e("i",{class:"el-icon-arrow-left"},[])]),e("span",{class:["el-tabs__nav-next",l.next?"":"is-disabled"],on:{click:u}},[e("i",{class:"el-icon-arrow-right"},[])])]:null,m=this._l(i,function(n,i){var a,l=n.name||n.index||i,u=n.isClosable||r;n.index=""+i;var c=u?e("span",{class:"el-icon-close",on:{click:function(e){s(n,e)}}},[]):null,d=n.$slots.label||n.label,p=n.active?0:-1;return e("div",{class:(a={"el-tabs__item":!0},a["is-"+t.rootTabs.tabPosition]=!0,a["is-active"]=n.active,a["is-disabled"]=n.disabled,a["is-closable"]=u,a["is-focus"]=t.isFocus,a),attrs:{id:"tab-"+l,"aria-controls":"pane-"+l,role:"tab","aria-selected":n.active,tabindex:p},ref:"tabs",refInFor:!0,on:{focus:function(){f()},blur:function(){h()},click:function(e){h(),o(n,l,e)},keydown:function(e){!u||46!==e.keyCode&&8!==e.keyCode||s(n,e)}}},[d,c])});return e("div",{class:["el-tabs__nav-wrap",l?"is-scrollable":"","is-"+this.rootTabs.tabPosition]},[p,e("div",{class:["el-tabs__nav-scroll"],ref:"navScroll"},[e("div",{class:"el-tabs__nav",ref:"nav",style:a,attrs:{role:"tablist"},on:{keydown:d}},[n?null:e("tab-bar",{attrs:{tabs:i}},[]),m])])])},mounted:function(){(0,s.addResizeListener)(this.$el,this.update)},beforeDestroy:function(){this.$el&&this.update&&(0,s.removeResizeListener)(this.$el,this.update)}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(240),r=n.n(i),o=n(241),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"TabBar",props:{tabs:Array},inject:["rootTabs"],computed:{barStyle:{cache:!1,get:function(){var e=this;if(!this.$parent.$refs.tabs)return{};var t={},n=0,i=0,r=-1!==["top","bottom"].indexOf(this.rootTabs.tabPosition)?"width":"height",o="width"===r?"x":"y",s=function(e){return e.toLowerCase().replace(/( |^)[a-z]/g,function(e){return e.toUpperCase()})};this.tabs.every(function(t,o){var a=e.$parent.$refs.tabs[o];return!!a&&(t.active?(i=a["client"+s(r)],"width"===r&&e.tabs.length>1&&(i-=0===o||o===e.tabs.length-1?20:40),!1):(n+=a["client"+s(r)],!0))}),"width"===r&&0!==n&&(n+=20);var a="translate"+s(o)+"("+n+"px)";return t[r]=i+"px",t.transform=a,t.msTransform=a,t.webkitTransform=a,t}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-tabs__active-bar",class:"is-"+this.rootTabs.tabPosition,style:this.barStyle})},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(243),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(244),r=n.n(i),o=n(245),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElTabPane",componentName:"ElTabPane",props:{label:String,labelContent:Function,name:String,closable:Boolean,disabled:Boolean},data:function(){return{index:null}},computed:{isClosable:function(){return this.closable||this.$parent.closable},active:function(){return this.$parent.currentName===(this.name||this.index)},paneName:function(){return this.name||this.index}},mounted:function(){this.$parent.addPanes(this)},destroyed:function(){this.$el&&this.$el.parentNode&&this.$el.parentNode.removeChild(this.$el),this.$parent.removePanes(this)},watch:{label:function(){this.$parent.$forceUpdate()}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{directives:[{name:"show",rawName:"v-show",value:this.active,expression:"active"}],staticClass:"el-tab-pane",attrs:{role:"tabpanel","aria-hidden":!this.active,id:"pane-"+this.paneName,"aria-labelledby":"tab-"+this.paneName}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(247),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(248),r=n.n(i),o=n(249),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElTag",props:{text:String,closable:Boolean,type:String,hit:Boolean,disableTransitions:Boolean,color:String,size:String},methods:{handleClose:function(e){this.$emit("close",e)}},computed:{tagSize:function(){return this.size||(this.$ELEMENT||{}).size}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:e.disableTransitions?"":"el-zoom-in-center"}},[n("span",{staticClass:"el-tag",class:[e.type?"el-tag--"+e.type:"",e.tagSize&&"el-tag--"+e.tagSize,{"is-hit":e.hit}],style:{backgroundColor:e.color}},[e._t("default"),e.closable?n("i",{staticClass:"el-tag__close el-icon-close",on:{click:function(t){t.stopPropagation(),e.handleClose(t)}}}):e._e()],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(251),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(252),r=n.n(i),o=n(258),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=u(n(253)),r=n(22),o=u(n(255)),s=n(16),a=u(n(1)),l=n(3);function u(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElTree",mixins:[a.default],components:{ElTreeNode:o.default},data:function(){return{store:null,root:null,currentNode:null,treeItems:null,checkboxItems:[],dragState:{showDropIndicator:!1,draggingNode:null,dropNode:null,allowDrop:!0}}},props:{data:{type:Array},emptyText:{type:String,default:function(){return(0,s.t)("el.tree.emptyText")}},renderAfterExpand:{type:Boolean,default:!0},nodeKey:String,checkStrictly:Boolean,defaultExpandAll:Boolean,expandOnClickNode:{type:Boolean,default:!0},checkDescendants:{type:Boolean,default:!1},autoExpandParent:{type:Boolean,default:!0},defaultCheckedKeys:Array,defaultExpandedKeys:Array,renderContent:Function,showCheckbox:{type:Boolean,default:!1},draggable:{type:Boolean,default:!1},allowDrag:Function,allowDrop:Function,props:{default:function(){return{children:"children",label:"label",icon:"icon",disabled:"disabled"}}},lazy:{type:Boolean,default:!1},highlightCurrent:Boolean,load:Function,filterNodeMethod:Function,accordion:Boolean,indent:{type:Number,default:18}},computed:{children:{set:function(e){this.data=e},get:function(){return this.data}},treeItemArray:function(){return Array.prototype.slice.call(this.treeItems)}},watch:{defaultCheckedKeys:function(e){this.store.defaultCheckedKeys=e,this.store.setDefaultCheckedKey(e)},defaultExpandedKeys:function(e){this.store.defaultExpandedKeys=e,this.store.setDefaultExpandedKeys(e)},data:function(e){this.store.setData(e)},checkboxItems:function(e){Array.prototype.forEach.call(e,function(e){e.setAttribute("tabindex",-1)})}},methods:{filter:function(e){if(!this.filterNodeMethod)throw new Error("[Tree] filterNodeMethod is required when filter");this.store.filter(e)},getNodeKey:function(e){return(0,r.getNodeKey)(this.nodeKey,e.data)},getNodePath:function(e){if(!this.nodeKey)throw new Error("[Tree] nodeKey is required in getNodePath");var t=this.store.getNode(e);if(!t)return[];for(var n=[t.data],i=t.parent;i&&i!==this.root;)n.push(i.data),i=i.parent;return n.reverse()},getCheckedNodes:function(e){return this.store.getCheckedNodes(e)},getCheckedKeys:function(e){return this.store.getCheckedKeys(e)},getCurrentNode:function(){var e=this.store.getCurrentNode();return e?e.data:null},getCurrentKey:function(){if(!this.nodeKey)throw new Error("[Tree] nodeKey is required in getCurrentKey");var e=this.getCurrentNode();return e?e[this.nodeKey]:null},setCheckedNodes:function(e,t){if(!this.nodeKey)throw new Error("[Tree] nodeKey is required in setCheckedNodes");this.store.setCheckedNodes(e,t)},setCheckedKeys:function(e,t){if(!this.nodeKey)throw new Error("[Tree] nodeKey is required in setCheckedKeys");this.store.setCheckedKeys(e,t)},setChecked:function(e,t,n){this.store.setChecked(e,t,n)},getHalfCheckedNodes:function(){return this.store.getHalfCheckedNodes()},getHalfCheckedKeys:function(){return this.store.getHalfCheckedKeys()},setCurrentNode:function(e){if(!this.nodeKey)throw new Error("[Tree] nodeKey is required in setCurrentNode");this.store.setUserCurrentNode(e)},setCurrentKey:function(e){if(!this.nodeKey)throw new Error("[Tree] nodeKey is required in setCurrentKey");this.store.setCurrentNodeKey(e)},getNode:function(e){return this.store.getNode(e)},remove:function(e){this.store.remove(e)},append:function(e,t){this.store.append(e,t)},insertBefore:function(e,t){this.store.insertBefore(e,t)},insertAfter:function(e,t){this.store.insertAfter(e,t)},handleNodeExpand:function(e,t,n){this.broadcast("ElTreeNode","tree-node-expand",t),this.$emit("node-expand",e,t,n)},updateKeyChildren:function(e,t){if(!this.nodeKey)throw new Error("[Tree] nodeKey is required in updateKeyChild");this.store.updateChildren(e,t)},initTabIndex:function(){this.treeItems=this.$el.querySelectorAll(".is-focusable[role=treeitem]"),this.checkboxItems=this.$el.querySelectorAll("input[type=checkbox]");var e=this.$el.querySelectorAll(".is-checked[role=treeitem]");e.length?e[0].setAttribute("tabindex",0):this.treeItems[0]&&this.treeItems[0].setAttribute("tabindex",0)},handelKeydown:function(e){var t=e.target;if(-1!==t.className.indexOf("el-tree-node")){e.preventDefault();var n=e.keyCode;this.treeItems=this.$el.querySelectorAll(".is-focusable[role=treeitem]");var i=this.treeItemArray.indexOf(t),r=void 0;[38,40].indexOf(n)>-1&&(r=38===n?0!==i?i-1:0:i<this.treeItemArray.length-1?i+1:0,this.treeItemArray[r].focus()),[37,39].indexOf(n)>-1&&t.click();var o=t.querySelector('[type="checkbox"]');[13,32].indexOf(n)>-1&&o&&o.click()}}},created:function(){var e=this;this.isTree=!0,this.store=new i.default({key:this.nodeKey,data:this.data,lazy:this.lazy,props:this.props,load:this.load,currentNodeKey:this.currentNodeKey,checkStrictly:this.checkStrictly,checkDescendants:this.checkDescendants,defaultCheckedKeys:this.defaultCheckedKeys,defaultExpandedKeys:this.defaultExpandedKeys,autoExpandParent:this.autoExpandParent,defaultExpandAll:this.defaultExpandAll,filterNodeMethod:this.filterNodeMethod}),this.root=this.store.root;var t=this.dragState;this.$on("tree-node-drag-start",function(n,i){if("function"==typeof e.allowDrag&&!e.allowDrag(i.node))return n.preventDefault(),!1;n.dataTransfer.effectAllowed="move",n.dataTransfer.setData("text/plain",i.node.label),t.draggingNode=i,e.$emit("node-drag-start",i.node,n)}),this.$on("tree-node-drag-over",function(n,i){var o=(0,r.findNearestComponent)(n.target,"ElTreeNode"),s=t.dropNode;s&&s!==o&&(0,l.removeClass)(s.$el,"is-drop-inner");var a=t.draggingNode;if(a&&o){var u=!0;"function"!=typeof e.allowDrop||e.allowDrop(a.node,o.node)||(u=!1),t.allowDrop=u,n.dataTransfer.dropEffect=u?"move":"none",u&&s!==o&&(s&&e.$emit("node-drag-leave",a.node,s.node,n),e.$emit("node-drag-enter",a.node,o.node,n)),u&&(t.dropNode=o);var c=u,d=u,f=u;o.node.nextSibling===a.node&&(f=!1),o.node.previousSibling===a.node&&(c=!1),o.node.contains(a.node,!1)&&(d=!1),(a.node===o.node||a.node.contains(o.node))&&(c=!1,d=!1,f=!1);var h=o.$el.querySelector(".el-tree-node__expand-icon").getBoundingClientRect(),p=e.$el.getBoundingClientRect(),m=void 0,v=c?d?.25:f?.5:1:-1,g=f?d?.75:c?.5:0:1,y=-9999,b=n.clientY-h.top;m=b<h.height*v?"before":b>h.height*g?"after":d?"inner":"none";var _=e.$refs.dropIndicator;"before"===m?y=h.top-p.top:"after"===m&&(y=h.bottom-p.top),_.style.top=y+"px",_.style.left=h.right-p.left+"px","inner"===m?(0,l.addClass)(o.$el,"is-drop-inner"):(0,l.removeClass)(o.$el,"is-drop-inner"),t.showDropIndicator="before"===m||"after"===m,t.dropType=m,e.$emit("node-drag-over",a.node,o.node,n)}}),this.$on("tree-node-drag-end",function(n){var i=t.draggingNode,r=t.dropType,o=t.dropNode;if(n.preventDefault(),n.dataTransfer.dropEffect="move",i&&o){var s=i.node.data;"before"===r?(i.node.remove(),o.node.parent.insertBefore({data:s},o.node)):"after"===r?(i.node.remove(),o.node.parent.insertAfter({data:s},o.node)):"inner"===r&&(o.node.insertChild({data:s}),i.node.remove()),(0,l.removeClass)(o.$el,"is-drop-inner"),e.$emit("node-drag-end",i.node,o.node,r,n),"none"!==r&&e.$emit("node-drop",i.node,o.node,r,n)}i&&!o&&e.$emit("node-drag-end",i.node,o.node,r,n),t.showDropIndicator=!1,t.draggingNode=null,t.dropNode=null,t.allowDrop=!0})},mounted:function(){this.initTabIndex(),this.$el.addEventListener("keydown",this.handelKeydown)},updated:function(){this.treeItems=this.$el.querySelectorAll("[role=treeitem]"),this.checkboxItems=this.$el.querySelectorAll("input[type=checkbox]")}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},o=n(254),s=(i=o)&&i.__esModule?i:{default:i},a=n(22);var l=function(){function e(t){var n=this;for(var i in function(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}(this,e),this.currentNode=null,this.currentNodeKey=null,t)t.hasOwnProperty(i)&&(this[i]=t[i]);(this.nodesMap={},this.root=new s.default({data:this.data,store:this}),this.lazy&&this.load)?(0,this.load)(this.root,function(e){n.root.doCreateChildren(e),n._initDefaultCheckedNodes()}):this._initDefaultCheckedNodes()}return e.prototype.filter=function(e){var t=this.filterNodeMethod;!function n(i){var r=i.root?i.root.childNodes:i.childNodes;if(r.forEach(function(i){i.visible=t.call(i,e,i.data,i),n(i)}),!i.visible&&r.length){var o=!0;r.forEach(function(e){e.visible&&(o=!1)}),i.root?i.root.visible=!1===o:i.visible=!1===o}e&&i.visible&&!i.isLeaf&&i.expand()}(this)},e.prototype.setData=function(e){e!==this.root.data?(this.root.setData(e),this._initDefaultCheckedNodes()):this.root.updateChildren()},e.prototype.getNode=function(e){if(e instanceof s.default)return e;var t="object"!==(void 0===e?"undefined":r(e))?e:(0,a.getNodeKey)(this.key,e);return this.nodesMap[t]||null},e.prototype.insertBefore=function(e,t){var n=this.getNode(t);n.parent.insertBefore({data:e},n)},e.prototype.insertAfter=function(e,t){var n=this.getNode(t);n.parent.insertAfter({data:e},n)},e.prototype.remove=function(e){var t=this.getNode(e);t&&t.parent.removeChild(t)},e.prototype.append=function(e,t){var n=t?this.getNode(t):this.root;n&&n.insertChild({data:e})},e.prototype._initDefaultCheckedNodes=function(){var e=this,t=this.defaultCheckedKeys||[],n=this.nodesMap;t.forEach(function(t){var i=n[t];i&&i.setChecked(!0,!e.checkStrictly)})},e.prototype._initDefaultCheckedNode=function(e){-1!==(this.defaultCheckedKeys||[]).indexOf(e.key)&&e.setChecked(!0,!this.checkStrictly)},e.prototype.setDefaultCheckedKey=function(e){e!==this.defaultCheckedKeys&&(this.defaultCheckedKeys=e,this._initDefaultCheckedNodes())},e.prototype.registerNode=function(e){this.key&&e&&e.data&&(void 0!==e.key&&(this.nodesMap[e.key]=e))},e.prototype.deregisterNode=function(e){if(this.key&&e&&e.data){for(var t=e.childNodes,n=0,i=t.length;n<i;n++){var r=t[n];this.deregisterNode(r)}delete this.nodesMap[e.key]}},e.prototype.getCheckedNodes=function(){var e=arguments.length>0&&void 0!==arguments[0]&&arguments[0],t=[];return function n(i){(i.root?i.root.childNodes:i.childNodes).forEach(function(i){i.checked&&(!e||e&&i.isLeaf)&&t.push(i.data),n(i)})}(this),t},e.prototype.getCheckedKeys=function(){var e=this,t=arguments.length>0&&void 0!==arguments[0]&&arguments[0];return this.getCheckedNodes(t).map(function(t){return(t||{})[e.key]})},e.prototype.getHalfCheckedNodes=function(){var e=[];return function t(n){(n.root?n.root.childNodes:n.childNodes).forEach(function(n){n.indeterminate&&e.push(n.data),t(n)})}(this),e},e.prototype.getHalfCheckedKeys=function(){var e=this;return this.getHalfCheckedNodes().map(function(t){return(t||{})[e.key]})},e.prototype._getAllNodes=function(){var e=[],t=this.nodesMap;for(var n in t)t.hasOwnProperty(n)&&e.push(t[n]);return e},e.prototype.updateChildren=function(e,t){var n=this.nodesMap[e];if(n){for(var i=n.childNodes,r=i.length-1;r>=0;r--){var o=i[r];this.remove(o.data)}for(var s=0,a=t.length;s<a;s++){var l=t[s];this.append(l,n.data)}}},e.prototype._setCheckedKeys=function(e){var t=arguments.length>1&&void 0!==arguments[1]&&arguments[1],n=arguments[2],i=this._getAllNodes().sort(function(e,t){return t.level-e.level}),r=Object.create(null),o=Object.keys(n);i.forEach(function(e){return e.setChecked(!1,!1)});for(var s=0,a=i.length;s<a;s++){var l=i[s],u=l.data[e].toString();if(o.indexOf(u)>-1){for(var c=l.parent;c&&c.level>0;)r[c.data[e]]=!0,c=c.parent;l.isLeaf||this.checkStrictly?l.setChecked(!0,!1):(l.setChecked(!0,!0),t&&function(){l.setChecked(!1,!1);!function e(t){t.childNodes.forEach(function(t){t.isLeaf||t.setChecked(!1,!1),e(t)})}(l)}())}else l.checked&&!r[u]&&l.setChecked(!1,!1)}},e.prototype.setCheckedNodes=function(e){var t=arguments.length>1&&void 0!==arguments[1]&&arguments[1],n=this.key,i={};e.forEach(function(e){i[(e||{})[n]]=!0}),this._setCheckedKeys(n,t,i)},e.prototype.setCheckedKeys=function(e){var t=arguments.length>1&&void 0!==arguments[1]&&arguments[1];this.defaultCheckedKeys=e;var n=this.key,i={};e.forEach(function(e){i[e]=!0}),this._setCheckedKeys(n,t,i)},e.prototype.setDefaultExpandedKeys=function(e){var t=this;e=e||[],this.defaultExpandedKeys=e,e.forEach(function(e){var n=t.getNode(e);n&&n.expand(null,t.autoExpandParent)})},e.prototype.setChecked=function(e,t,n){var i=this.getNode(e);i&&i.setChecked(!!t,n)},e.prototype.getCurrentNode=function(){return this.currentNode},e.prototype.setCurrentNode=function(e){this.currentNode=e},e.prototype.setUserCurrentNode=function(e){var t=e[this.key],n=this.nodesMap[t];this.setCurrentNode(n)},e.prototype.setCurrentNodeKey=function(e){var t=this.getNode(e);t&&(this.currentNode=t)},e}();t.default=l},function(e,t,n){"use strict";t.__esModule=!0,t.getChildState=void 0;var i,r="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e},o=function(){function e(e,t){for(var n=0;n<t.length;n++){var i=t[n];i.enumerable=i.enumerable||!1,i.configurable=!0,"value"in i&&(i.writable=!0),Object.defineProperty(e,i.key,i)}}return function(t,n,i){return n&&e(t.prototype,n),i&&e(t,i),t}}(),s=n(10),a=(i=s)&&i.__esModule?i:{default:i},l=n(22);var u=t.getChildState=function(e){for(var t=!0,n=!0,i=!0,r=0,o=e.length;r<o;r++){var s=e[r];(!0!==s.checked||s.indeterminate)&&(t=!1,s.disabled||(i=!1)),(!1!==s.checked||s.indeterminate)&&(n=!1)}return{all:t,none:n,allWithoutDisable:i,half:!t&&!n}},c=function e(t){if(0!==t.childNodes.length){var n=u(t.childNodes),i=n.all,r=n.none,o=n.half;i?(t.checked=!0,t.indeterminate=!1):o?(t.checked=!1,t.indeterminate=!0):r&&(t.checked=!1,t.indeterminate=!1);var s=t.parent;s&&0!==s.level&&(t.store.checkStrictly||e(s))}},d=function(e,t){var n=e.store.props,i=e.data||{},r=n[t];if("function"==typeof r)return r(i,e);if("string"==typeof r)return i[r];if(void 0===r){var o=i[t];return void 0===o?"":o}},f=0,h=function(){function e(t){for(var n in function(e,t){if(!(e instanceof t))throw new TypeError("Cannot call a class as a function")}(this,e),this.id=f++,this.text=null,this.checked=!1,this.indeterminate=!1,this.data=null,this.expanded=!1,this.parent=null,this.visible=!0,t)t.hasOwnProperty(n)&&(this[n]=t[n]);this.level=0,this.loaded=!1,this.childNodes=[],this.loading=!1,this.parent&&(this.level=this.parent.level+1);var i=this.store;if(!i)throw new Error("[Node]store is required!");i.registerNode(this);var r=i.props;if(r&&void 0!==r.isLeaf){var o=d(this,"isLeaf");"boolean"==typeof o&&(this.isLeafByUser=o)}if(!0!==i.lazy&&this.data?(this.setData(this.data),i.defaultExpandAll&&(this.expanded=!0)):this.level>0&&i.lazy&&i.defaultExpandAll&&this.expand(),this.data){var s=i.defaultExpandedKeys,a=i.key;a&&s&&-1!==s.indexOf(this.key)&&this.expand(null,i.autoExpandParent),a&&void 0!==i.currentNodeKey&&this.key===i.currentNodeKey&&(i.currentNode=this),i.lazy&&i._initDefaultCheckedNode(this),this.updateLeafState()}}return e.prototype.setData=function(e){Array.isArray(e)||(0,l.markNodeData)(this,e),this.data=e,this.childNodes=[];for(var t=void 0,n=0,i=(t=0===this.level&&this.data instanceof Array?this.data:d(this,"children")||[]).length;n<i;n++)this.insertChild({data:t[n]})},e.prototype.contains=function(e){var t=!(arguments.length>1&&void 0!==arguments[1])||arguments[1];return function n(i){for(var r=i.childNodes||[],o=!1,s=0,a=r.length;s<a;s++){var l=r[s];if(l===e||t&&n(l)){o=!0;break}}return o}(this)},e.prototype.remove=function(){var e=this.parent;e&&e.removeChild(this)},e.prototype.insertChild=function(t,n,i){if(!t)throw new Error("insertChild error: child is required.");if(!(t instanceof e)){if(!i){var r=this.getChildren(!0);-1===r.indexOf(t.data)&&(void 0===n||n<0?r.push(t.data):r.splice(n,0,t.data))}(0,a.default)(t,{parent:this,store:this.store}),t=new e(t)}t.level=this.level+1,void 0===n||n<0?this.childNodes.push(t):this.childNodes.splice(n,0,t),this.updateLeafState()},e.prototype.insertBefore=function(e,t){var n=void 0;t&&(n=this.childNodes.indexOf(t)),this.insertChild(e,n)},e.prototype.insertAfter=function(e,t){var n=void 0;t&&-1!==(n=this.childNodes.indexOf(t))&&(n+=1),this.insertChild(e,n)},e.prototype.removeChild=function(e){var t=this.getChildren()||[],n=t.indexOf(e.data);n>-1&&t.splice(n,1);var i=this.childNodes.indexOf(e);i>-1&&(this.store&&this.store.deregisterNode(e),e.parent=null,this.childNodes.splice(i,1)),this.updateLeafState()},e.prototype.removeChildByData=function(e){var t=null;this.childNodes.forEach(function(n){n.data===e&&(t=n)}),t&&this.removeChild(t)},e.prototype.expand=function(e,t){var n=this,i=function(){if(t)for(var i=n.parent;i.level>0;)i.expanded=!0,i=i.parent;n.expanded=!0,e&&e()};this.shouldLoadData()?this.loadData(function(e){e instanceof Array&&(n.checked?n.setChecked(!0,!0):c(n),i())}):i()},e.prototype.doCreateChildren=function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};e.forEach(function(e){t.insertChild((0,a.default)({data:e},n),void 0,!0)})},e.prototype.collapse=function(){this.expanded=!1},e.prototype.shouldLoadData=function(){return!0===this.store.lazy&&this.store.load&&!this.loaded},e.prototype.updateLeafState=function(){if(!0!==this.store.lazy||!0===this.loaded||void 0===this.isLeafByUser){var e=this.childNodes;!this.store.lazy||!0===this.store.lazy&&!0===this.loaded?this.isLeaf=!e||0===e.length:this.isLeaf=!1}else this.isLeaf=this.isLeafByUser},e.prototype.setChecked=function(e,t,n,i){var o=this;if(this.indeterminate="half"===e,this.checked=!0===e,!this.store.checkStrictly){if(!this.shouldLoadData()||this.store.checkDescendants){var s=function(){var n=u(o.childNodes),r=n.all,s=n.allWithoutDisable;o.isLeaf||r||!s||(o.checked=!1,e=!1);var a=function(){if(t){for(var n=o.childNodes,r=0,s=n.length;r<s;r++){var a=n[r];i=i||!1!==e;var l=a.disabled?a.checked:i;a.setChecked(l,t,!0,i)}var c=u(n),d=c.half,f=c.all;f||(o.checked=f,o.indeterminate=d)}};if(o.shouldLoadData())return o.loadData(function(){a(),c(o)},{checked:!1!==e}),{v:void 0};a()}();if("object"===(void 0===s?"undefined":r(s)))return s.v}var a=this.parent;a&&0!==a.level&&(n||c(a))}},e.prototype.getChildren=function(){var e=arguments.length>0&&void 0!==arguments[0]&&arguments[0];if(0===this.level)return this.data;var t=this.data;if(!t)return null;var n=this.store.props,i="children";return n&&(i=n.children||"children"),void 0===t[i]&&(t[i]=null),e&&!t[i]&&(t[i]=[]),t[i]},e.prototype.updateChildren=function(){var e=this,t=this.getChildren()||[],n=this.childNodes.map(function(e){return e.data}),i={},r=[];t.forEach(function(e,t){e[l.NODE_KEY]?i[e[l.NODE_KEY]]={index:t,data:e}:r.push({index:t,data:e})}),n.forEach(function(t){i[t[l.NODE_KEY]]||e.removeChildByData(t)}),r.forEach(function(t){var n=t.index,i=t.data;e.insertChild({data:i},n)}),this.updateLeafState()},e.prototype.loadData=function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{};if(!0!==this.store.lazy||!this.store.load||this.loaded||this.loading&&!Object.keys(n).length)e&&e.call(this);else{this.loading=!0;this.store.load(this,function(i){t.loaded=!0,t.loading=!1,t.childNodes=[],t.doCreateChildren(i,n),t.updateLeafState(),e&&e.call(t,i)})}},o(e,[{key:"label",get:function(){return d(this,"label")}},{key:"icon",get:function(){return d(this,"icon")}},{key:"key",get:function(){var e=this.store.key;return this.data?this.data[e]:null}},{key:"disabled",get:function(){return d(this,"disabled")}},{key:"nextSibling",get:function(){var e=this.parent;if(e){var t=e.childNodes.indexOf(this);if(t>-1)return e.childNodes[t+1]}return null}},{key:"previousSibling",get:function(){var e=this.parent;if(e){var t=e.childNodes.indexOf(this);if(t>-1)return t>0?e.childNodes[t-1]:null}return null}}]),e}();t.default=h},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(256),r=n.n(i),o=n(257),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(20)),r=a(n(14)),o=a(n(1)),s=n(22);function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElTreeNode",componentName:"ElTreeNode",mixins:[o.default],props:{node:{default:function(){return{}}},props:{},renderContent:Function,renderAfterExpand:{type:Boolean,default:!0}},components:{ElCollapseTransition:i.default,ElCheckbox:r.default,NodeContent:{props:{node:{required:!0}},render:function(e){var t=this.$parent,n=t.tree,i=this.node,r=i.data,o=i.store;return t.renderContent?t.renderContent.call(t._renderProxy,e,{_self:n.$vnode.context,node:i,data:r,store:o}):n.$scopedSlots.default?n.$scopedSlots.default({node:i,data:r}):e("span",{class:"el-tree-node__label"},[i.label])}}},data:function(){return{tree:null,expanded:!1,childNodeRendered:!1,showCheckbox:!1,oldChecked:null,oldIndeterminate:null}},watch:{"node.indeterminate":function(e){this.handleSelectChange(this.node.checked,e)},"node.checked":function(e){this.handleSelectChange(e,this.node.indeterminate)},"node.expanded":function(e){var t=this;this.$nextTick(function(){return t.expanded=e}),e&&(this.childNodeRendered=!0)}},methods:{getNodeKey:function(e){return(0,s.getNodeKey)(this.tree.nodeKey,e.data)},handleSelectChange:function(e,t){this.oldChecked!==e&&this.oldIndeterminate!==t&&this.tree.$emit("check-change",this.node.data,e,t),this.oldChecked=e,this.indeterminate=t},handleClick:function(){var e=this.tree.store;e.setCurrentNode(this.node),this.tree.$emit("current-change",e.currentNode?e.currentNode.data:null,e.currentNode),this.tree.currentNode=this,this.tree.expandOnClickNode&&this.handleExpandIconClick(),this.tree.$emit("node-click",this.node.data,this.node,this)},handleContextMenu:function(e){this.tree._events["node-contextmenu"]&&this.tree._events["node-contextmenu"].length>0&&(e.stopPropagation(),e.preventDefault()),this.tree.$emit("node-contextmenu",e,this.node.data,this.node,this)},handleExpandIconClick:function(){this.node.isLeaf||(this.expanded?(this.tree.$emit("node-collapse",this.node.data,this.node,this),this.node.collapse()):(this.node.expand(),this.$emit("node-expand",this.node.data,this.node,this)))},handleCheckChange:function(e,t){var n=this;this.node.setChecked(t.target.checked,!this.tree.checkStrictly),this.$nextTick(function(){var e=n.tree.store;n.tree.$emit("check",n.node.data,{checkedNodes:e.getCheckedNodes(),checkedKeys:e.getCheckedKeys(),halfCheckedNodes:e.getHalfCheckedNodes(),halfCheckedKeys:e.getHalfCheckedKeys()})})},handleChildNodeExpand:function(e,t,n){this.broadcast("ElTreeNode","tree-node-expand",t),this.tree.$emit("node-expand",e,t,n)},handleDragStart:function(e){this.tree.$emit("tree-node-drag-start",e,this)},handleDragOver:function(e){this.tree.$emit("tree-node-drag-over",e,this),e.preventDefault()},handleDrop:function(e){e.preventDefault()},handleDragEnd:function(e){this.tree.$emit("tree-node-drag-end",e,this)}},created:function(){var e=this,t=this.$parent;t.isTree?this.tree=t:this.tree=t.tree;var n=this.tree;n||console.warn("Can not find node's tree.");var i=(n.props||{}).children||"children";this.$watch("node.data."+i,function(){e.node.updateChildren()}),this.showCheckbox=n.showCheckbox,this.node.expanded&&(this.expanded=!0,this.childNodeRendered=!0),this.tree.accordion&&this.$on("tree-node-expand",function(t){e.node!==t&&e.node.collapse()})}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=this,n=t.$createElement,i=t._self._c||n;return i("div",{directives:[{name:"show",rawName:"v-show",value:t.node.visible,expression:"node.visible"}],ref:"node",staticClass:"el-tree-node",class:{"is-expanded":t.expanded,"is-current":t.tree.store.currentNode===t.node,"is-hidden":!t.node.visible,"is-focusable":!t.node.disabled,"is-checked":!t.node.disabled&&t.node.checked},attrs:{role:"treeitem",tabindex:"-1","aria-expanded":t.expanded,"aria-disabled":t.node.disabled,"aria-checked":t.node.checked,draggable:t.tree.draggable},on:{click:function(e){e.stopPropagation(),t.handleClick(e)},contextmenu:function(t){return e.handleContextMenu(t)},dragstart:function(e){e.stopPropagation(),t.handleDragStart(e)},dragover:function(e){e.stopPropagation(),t.handleDragOver(e)},dragend:function(e){e.stopPropagation(),t.handleDragEnd(e)},drop:function(e){e.stopPropagation(),t.handleDrop(e)}}},[i("div",{staticClass:"el-tree-node__content",style:{"padding-left":(t.node.level-1)*t.tree.indent+"px"}},[i("span",{staticClass:"el-tree-node__expand-icon el-icon-caret-right",class:{"is-leaf":t.node.isLeaf,expanded:!t.node.isLeaf&&t.expanded},on:{click:function(e){e.stopPropagation(),t.handleExpandIconClick(e)}}}),t.showCheckbox?i("el-checkbox",{attrs:{indeterminate:t.node.indeterminate,disabled:!!t.node.disabled},on:{change:t.handleCheckChange},nativeOn:{click:function(e){e.stopPropagation()}},model:{value:t.node.checked,callback:function(e){t.$set(t.node,"checked",e)},expression:"node.checked"}}):t._e(),t.node.loading?i("span",{staticClass:"el-tree-node__loading-icon el-icon-loading"}):t._e(),i("node-content",{attrs:{node:t.node}})],1),i("el-collapse-transition",[!t.renderAfterExpand||t.childNodeRendered?i("div",{directives:[{name:"show",rawName:"v-show",value:t.expanded,expression:"expanded"}],staticClass:"el-tree-node__children",attrs:{role:"group","aria-expanded":t.expanded}},t._l(t.node.childNodes,function(e){return i("el-tree-node",{key:t.getNodeKey(e),attrs:{"render-content":t.renderContent,"render-after-expand":t.renderAfterExpand,node:e},on:{"node-expand":t.handleChildNodeExpand}})})):t._e()])],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-tree",class:{"el-tree--highlight-current":e.highlightCurrent,"is-dragging":!!e.dragState.draggingNode,"is-drop-not-allow":!e.dragState.allowDrop,"is-drop-inner":"inner"===e.dragState.dropType},attrs:{role:"tree"}},[e._l(e.root.childNodes,function(t){return n("el-tree-node",{key:e.getNodeKey(t),attrs:{node:t,props:e.props,"render-after-expand":e.renderAfterExpand,"render-content":e.renderContent},on:{"node-expand":e.handleNodeExpand}})}),e.root.childNodes&&0!==e.root.childNodes.length?e._e():n("div",{staticClass:"el-tree__empty-block"},[n("span",{staticClass:"el-tree__empty-text"},[e._v(e._s(e.emptyText))])]),n("div",{directives:[{name:"show",rawName:"v-show",value:e.dragState.showDropIndicator,expression:"dragState.showDropIndicator"}],ref:"dropIndicator",staticClass:"el-tree__drop-indicator"})],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(260),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(261),r=n.n(i),o=n(262),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i={success:"el-icon-success",warning:"el-icon-warning",error:"el-icon-error"};t.default={name:"ElAlert",props:{title:{type:String,default:"",required:!0},description:{type:String,default:""},type:{type:String,default:"info"},closable:{type:Boolean,default:!0},closeText:{type:String,default:""},showIcon:Boolean,center:Boolean},data:function(){return{visible:!0}},methods:{close:function(){this.visible=!1,this.$emit("close")}},computed:{typeClass:function(){return"el-alert--"+this.type},iconClass:function(){return i[this.type]||"el-icon-info"},isBigIcon:function(){return this.description||this.$slots.default?"is-big":""},isBoldTitle:function(){return this.description||this.$slots.default?"is-bold":""}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-alert-fade"}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-alert",class:[e.typeClass,e.center?"is-center":""],attrs:{role:"alert"}},[e.showIcon?n("i",{staticClass:"el-alert__icon",class:[e.iconClass,e.isBigIcon]}):e._e(),n("div",{staticClass:"el-alert__content"},[e.title?n("span",{staticClass:"el-alert__title",class:[e.isBoldTitle]},[e._v(e._s(e.title))]):e._e(),e._t("default",[e.description?n("p",{staticClass:"el-alert__description"},[e._v(e._s(e.description))]):e._e()]),n("i",{directives:[{name:"show",rawName:"v-show",value:e.closable,expression:"closable"}],staticClass:"el-alert__closebtn",class:{"is-customed":""!==e.closeText,"el-icon-close":""===e.closeText},on:{click:function(t){e.close()}}},[e._v(e._s(e.closeText))])],2)])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(264),o=(i=r)&&i.__esModule?i:{default:i};t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(5)),r=a(n(265)),o=n(12),s=n(21);function a(e){return e&&e.__esModule?e:{default:e}}var l=i.default.extend(r.default),u=void 0,c=[],d=1,f=function e(t){if(!i.default.prototype.$isServer){var n=(t=t||{}).onClose,r="notification_"+d++,a=t.position||"top-right";t.onClose=function(){e.close(r,n)},u=new l({data:t}),(0,s.isVNode)(t.message)&&(u.$slots.default=[t.message],t.message="REPLACED_BY_VNODE"),u.id=r,u.vm=u.$mount(),document.body.appendChild(u.vm.$el),u.vm.visible=!0,u.dom=u.vm.$el,u.dom.style.zIndex=o.PopupManager.nextZIndex();var f=t.offset||0;return c.filter(function(e){return e.position===a}).forEach(function(e){f+=e.$el.offsetHeight+16}),f+=16,u.verticalOffset=f,c.push(u),u.vm}};["success","warning","info","error"].forEach(function(e){f[e]=function(t){return("string"==typeof t||(0,s.isVNode)(t))&&(t={message:t}),t.type=e,f(t)}}),f.close=function(e,t){var n=-1,i=c.length,r=c.filter(function(t,i){return t.id===e&&(n=i,!0)})[0];if(r&&("function"==typeof t&&t(r),c.splice(n,1),!(i<=1)))for(var o=r.position,s=r.dom.offsetHeight,a=n;a<i-1;a++)c[a].position===o&&(c[a].dom.style[r.verticalProperty]=parseInt(c[a].dom.style[r.verticalProperty],10)-s-16+"px")},f.closeAll=function(){for(var e=c.length-1;e>=0;e--)c[e].close()},t.default=f},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(266),r=n.n(i),o=n(267),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i={success:"success",info:"info",warning:"warning",error:"error"};t.default={data:function(){return{visible:!1,title:"",message:"",duration:4500,type:"",showClose:!0,customClass:"",iconClass:"",onClose:null,onClick:null,closed:!1,verticalOffset:0,timer:null,dangerouslyUseHTMLString:!1,position:"top-right"}},computed:{typeClass:function(){return this.type&&i[this.type]?"el-icon-"+i[this.type]:""},horizontalClass:function(){return this.position.indexOf("right")>-1?"right":"left"},verticalProperty:function(){return/^top-/.test(this.position)?"top":"bottom"},positionStyle:function(){var e;return(e={})[this.verticalProperty]=this.verticalOffset+"px",e}},watch:{closed:function(e){e&&(this.visible=!1,this.$el.addEventListener("transitionend",this.destroyElement))}},methods:{destroyElement:function(){this.$el.removeEventListener("transitionend",this.destroyElement),this.$destroy(!0),this.$el.parentNode.removeChild(this.$el)},click:function(){"function"==typeof this.onClick&&this.onClick()},close:function(){this.closed=!0,"function"==typeof this.onClose&&this.onClose()},clearTimer:function(){clearTimeout(this.timer)},startTimer:function(){var e=this;this.duration>0&&(this.timer=setTimeout(function(){e.closed||e.close()},this.duration))},keydown:function(e){46===e.keyCode||8===e.keyCode?this.clearTimer():27===e.keyCode?this.closed||this.close():this.startTimer()}},mounted:function(){var e=this;this.duration>0&&(this.timer=setTimeout(function(){e.closed||e.close()},this.duration)),document.addEventListener("keydown",this.keydown)},beforeDestroy:function(){document.removeEventListener("keydown",this.keydown)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-notification-fade"}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],class:["el-notification",e.customClass,e.horizontalClass],style:e.positionStyle,attrs:{role:"alert"},on:{mouseenter:function(t){e.clearTimer()},mouseleave:function(t){e.startTimer()},click:e.click}},[e.type||e.iconClass?n("i",{staticClass:"el-notification__icon",class:[e.typeClass,e.iconClass]}):e._e(),n("div",{staticClass:"el-notification__group",class:{"is-with-icon":e.typeClass||e.iconClass}},[n("h2",{staticClass:"el-notification__title",domProps:{textContent:e._s(e.title)}}),n("div",{directives:[{name:"show",rawName:"v-show",value:e.message,expression:"message"}],staticClass:"el-notification__content"},[e._t("default",[e.dangerouslyUseHTMLString?n("p",{domProps:{innerHTML:e._s(e.message)}}):n("p",[e._v(e._s(e.message))])])],2),e.showClose?n("div",{staticClass:"el-notification__closeBtn el-icon-close",on:{click:function(t){t.stopPropagation(),e.close(t)}}}):e._e()])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(269),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(270),r=n.n(i),o=n(275),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(271)),r=s(n(272)),o=s(n(1));function s(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElSlider",mixins:[o.default],inject:{elForm:{default:""}},props:{min:{type:Number,default:0},max:{type:Number,default:100},step:{type:Number,default:1},value:{type:[Number,Array],default:0},showInput:{type:Boolean,default:!1},showInputControls:{type:Boolean,default:!0},inputSize:{type:String,default:"small"},showStops:{type:Boolean,default:!1},showTooltip:{type:Boolean,default:!0},formatTooltip:Function,disabled:{type:Boolean,default:!1},range:{type:Boolean,default:!1},vertical:{type:Boolean,default:!1},height:{type:String},debounce:{type:Number,default:300},label:{type:String},tooltipClass:String},components:{ElInputNumber:i.default,SliderButton:r.default},data:function(){return{firstValue:null,secondValue:null,oldValue:null,dragging:!1,sliderSize:1}},watch:{value:function(e,t){this.dragging||Array.isArray(e)&&Array.isArray(t)&&e.every(function(e,n){return e===t[n]})||this.setValues()},dragging:function(e){e||this.setValues()},firstValue:function(e){this.range?this.$emit("input",[this.minValue,this.maxValue]):this.$emit("input",e)},secondValue:function(){this.range&&this.$emit("input",[this.minValue,this.maxValue])},min:function(){this.setValues()},max:function(){this.setValues()}},methods:{valueChanged:function(){var e=this;return this.range?![this.minValue,this.maxValue].every(function(t,n){return t===e.oldValue[n]}):this.value!==this.oldValue},setValues:function(){if(this.min>this.max)console.error("[Element Error][Slider]min should not be greater than max.");else{var e=this.value;this.range&&Array.isArray(e)?e[1]<this.min?this.$emit("input",[this.min,this.min]):e[0]>this.max?this.$emit("input",[this.max,this.max]):e[0]<this.min?this.$emit("input",[this.min,e[1]]):e[1]>this.max?this.$emit("input",[e[0],this.max]):(this.firstValue=e[0],this.secondValue=e[1],this.valueChanged()&&(this.dispatch("ElFormItem","el.form.change",[this.minValue,this.maxValue]),this.oldValue=e.slice())):this.range||"number"!=typeof e||isNaN(e)||(e<this.min?this.$emit("input",this.min):e>this.max?this.$emit("input",this.max):(this.firstValue=e,this.valueChanged()&&(this.dispatch("ElFormItem","el.form.change",e),this.oldValue=e)))}},setPosition:function(e){var t=this.min+e*(this.max-this.min)/100;if(this.range){var n=void 0;n=Math.abs(this.minValue-t)<Math.abs(this.maxValue-t)?this.firstValue<this.secondValue?"button1":"button2":this.firstValue>this.secondValue?"button1":"button2",this.$refs[n].setPosition(e)}else this.$refs.button1.setPosition(e)},onSliderClick:function(e){if(!this.sliderDisabled&&!this.dragging){if(this.resetSize(),this.vertical){var t=this.$refs.slider.getBoundingClientRect().bottom;this.setPosition((t-e.clientY)/this.sliderSize*100)}else{var n=this.$refs.slider.getBoundingClientRect().left;this.setPosition((e.clientX-n)/this.sliderSize*100)}this.emitChange()}},resetSize:function(){this.$refs.slider&&(this.sliderSize=this.$refs.slider["client"+(this.vertical?"Height":"Width")])},emitChange:function(){var e=this;this.$nextTick(function(){e.$emit("change",e.range?[e.minValue,e.maxValue]:e.value)})}},computed:{stops:function(){var e=this;if(!this.showStops||this.min>this.max)return[];if(0===this.step)return[];for(var t=(this.max-this.min)/this.step,n=100*this.step/(this.max-this.min),i=[],r=1;r<t;r++)i.push(r*n);return this.range?i.filter(function(t){return t<100*(e.minValue-e.min)/(e.max-e.min)||t>100*(e.maxValue-e.min)/(e.max-e.min)}):i.filter(function(t){return t>100*(e.firstValue-e.min)/(e.max-e.min)})},minValue:function(){return Math.min(this.firstValue,this.secondValue)},maxValue:function(){return Math.max(this.firstValue,this.secondValue)},barSize:function(){return this.range?100*(this.maxValue-this.minValue)/(this.max-this.min)+"%":100*(this.firstValue-this.min)/(this.max-this.min)+"%"},barStart:function(){return this.range?100*(this.minValue-this.min)/(this.max-this.min)+"%":"0%"},precision:function(){var e=[this.min,this.max,this.step].map(function(e){var t=(""+e).split(".")[1];return t?t.length:0});return Math.max.apply(null,e)},runwayStyle:function(){return this.vertical?{height:this.height}:{}},barStyle:function(){return this.vertical?{height:this.barSize,bottom:this.barStart}:{width:this.barSize,left:this.barStart}},sliderDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},mounted:function(){var e=void 0;this.range?(Array.isArray(this.value)?(this.firstValue=Math.max(this.min,this.value[0]),this.secondValue=Math.min(this.max,this.value[1])):(this.firstValue=this.min,this.secondValue=this.max),this.oldValue=[this.firstValue,this.secondValue],e=this.firstValue+"-"+this.secondValue):("number"!=typeof this.value||isNaN(this.value)?this.firstValue=this.min:this.firstValue=Math.min(this.max,Math.max(this.min,this.value)),this.oldValue=this.firstValue,e=this.firstValue),this.$el.setAttribute("aria-valuetext",e),this.$el.setAttribute("aria-label",this.label?this.label:"slider between "+this.min+" and "+this.max),this.resetSize(),window.addEventListener("resize",this.resetSize)},beforeDestroy:function(){window.removeEventListener("resize",this.resetSize)}}},function(e,t){e.exports=n("0kY3")},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(273),r=n.n(i),o=n(274),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(23),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElSliderButton",components:{ElTooltip:o.default},props:{value:{type:Number,default:0},vertical:{type:Boolean,default:!1},tooltipClass:String},data:function(){return{hovering:!1,dragging:!1,isClick:!1,startX:0,currentX:0,startY:0,currentY:0,startPosition:0,newPosition:null,oldValue:this.value}},computed:{disabled:function(){return this.$parent.sliderDisabled},max:function(){return this.$parent.max},min:function(){return this.$parent.min},step:function(){return this.$parent.step},showTooltip:function(){return this.$parent.showTooltip},precision:function(){return this.$parent.precision},currentPosition:function(){return(this.value-this.min)/(this.max-this.min)*100+"%"},enableFormat:function(){return this.$parent.formatTooltip instanceof Function},formatValue:function(){return this.enableFormat&&this.$parent.formatTooltip(this.value)||this.value},wrapperStyle:function(){return this.vertical?{bottom:this.currentPosition}:{left:this.currentPosition}}},watch:{dragging:function(e){this.$parent.dragging=e}},methods:{displayTooltip:function(){this.$refs.tooltip&&(this.$refs.tooltip.showPopper=!0)},hideTooltip:function(){this.$refs.tooltip&&(this.$refs.tooltip.showPopper=!1)},handleMouseEnter:function(){this.hovering=!0,this.displayTooltip()},handleMouseLeave:function(){this.hovering=!1,this.hideTooltip()},onButtonDown:function(e){this.disabled||(e.preventDefault(),this.onDragStart(e),window.addEventListener("mousemove",this.onDragging),window.addEventListener("touchmove",this.onDragging),window.addEventListener("mouseup",this.onDragEnd),window.addEventListener("touchend",this.onDragEnd),window.addEventListener("contextmenu",this.onDragEnd))},onLeftKeyDown:function(){this.disabled||(this.newPosition=parseFloat(this.currentPosition)-this.step/(this.max-this.min)*100,this.setPosition(this.newPosition))},onRightKeyDown:function(){this.disabled||(this.newPosition=parseFloat(this.currentPosition)+this.step/(this.max-this.min)*100,this.setPosition(this.newPosition))},onDragStart:function(e){this.dragging=!0,this.isClick=!0,"touchstart"===e.type&&(e.clientY=e.touches[0].clientY,e.clientX=e.touches[0].clientX),this.vertical?this.startY=e.clientY:this.startX=e.clientX,this.startPosition=parseFloat(this.currentPosition),this.newPosition=this.startPosition},onDragging:function(e){if(this.dragging){this.isClick=!1,this.displayTooltip(),this.$parent.resetSize();var t=0;"touchmove"===e.type&&(e.clientY=e.touches[0].clientY,e.clientX=e.touches[0].clientX),this.vertical?(this.currentY=e.clientY,t=(this.startY-this.currentY)/this.$parent.sliderSize*100):(this.currentX=e.clientX,t=(this.currentX-this.startX)/this.$parent.sliderSize*100),this.newPosition=this.startPosition+t,this.setPosition(this.newPosition)}},onDragEnd:function(){var e=this;this.dragging&&(setTimeout(function(){e.dragging=!1,e.hideTooltip(),e.isClick||(e.setPosition(e.newPosition),e.$parent.emitChange())},0),window.removeEventListener("mousemove",this.onDragging),window.removeEventListener("touchmove",this.onDragging),window.removeEventListener("mouseup",this.onDragEnd),window.removeEventListener("touchend",this.onDragEnd),window.removeEventListener("contextmenu",this.onDragEnd))},setPosition:function(e){var t=this;if(null!==e){e<0?e=0:e>100&&(e=100);var n=100/((this.max-this.min)/this.step),i=Math.round(e/n)*n*(this.max-this.min)*.01+this.min;i=parseFloat(i.toFixed(this.precision)),this.$emit("input",i),this.$nextTick(function(){t.$refs.tooltip&&t.$refs.tooltip.updatePopper()}),this.dragging||this.value===this.oldValue||(this.oldValue=this.value)}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{ref:"button",staticClass:"el-slider__button-wrapper",class:{hover:e.hovering,dragging:e.dragging},style:e.wrapperStyle,attrs:{tabindex:"0"},on:{mouseenter:e.handleMouseEnter,mouseleave:e.handleMouseLeave,mousedown:e.onButtonDown,touchstart:e.onButtonDown,focus:e.handleMouseEnter,blur:e.handleMouseLeave,keydown:[function(t){return"button"in t||!e._k(t.keyCode,"left",37,t.key)?"button"in t&&0!==t.button?null:void e.onLeftKeyDown(t):null},function(t){return"button"in t||!e._k(t.keyCode,"right",39,t.key)?"button"in t&&2!==t.button?null:void e.onRightKeyDown(t):null},function(t){if(!("button"in t)&&e._k(t.keyCode,"down",40,t.key))return null;t.preventDefault(),e.onLeftKeyDown(t)},function(t){if(!("button"in t)&&e._k(t.keyCode,"up",38,t.key))return null;t.preventDefault(),e.onRightKeyDown(t)}]}},[n("el-tooltip",{ref:"tooltip",attrs:{placement:"top","popper-class":e.tooltipClass,disabled:!e.showTooltip}},[n("span",{attrs:{slot:"content"},slot:"content"},[e._v(e._s(e.formatValue))]),n("div",{staticClass:"el-slider__button",class:{hover:e.hovering,dragging:e.dragging}})])],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-slider",class:{"is-vertical":e.vertical,"el-slider--with-input":e.showInput},attrs:{role:"slider","aria-valuemin":e.min,"aria-valuemax":e.max,"aria-orientation":e.vertical?"vertical":"horizontal","aria-disabled":e.sliderDisabled}},[e.showInput&&!e.range?n("el-input-number",{ref:"input",staticClass:"el-slider__input",attrs:{step:e.step,disabled:e.sliderDisabled,controls:e.showInputControls,min:e.min,max:e.max,debounce:e.debounce,size:e.inputSize},on:{change:function(t){e.$nextTick(e.emitChange)}},model:{value:e.firstValue,callback:function(t){e.firstValue=t},expression:"firstValue"}}):e._e(),n("div",{ref:"slider",staticClass:"el-slider__runway",class:{"show-input":e.showInput,disabled:e.sliderDisabled},style:e.runwayStyle,on:{click:e.onSliderClick}},[n("div",{staticClass:"el-slider__bar",style:e.barStyle}),n("slider-button",{ref:"button1",attrs:{vertical:e.vertical,"tooltip-class":e.tooltipClass},model:{value:e.firstValue,callback:function(t){e.firstValue=t},expression:"firstValue"}}),e.range?n("slider-button",{ref:"button2",attrs:{vertical:e.vertical,"tooltip-class":e.tooltipClass},model:{value:e.secondValue,callback:function(t){e.secondValue=t},expression:"secondValue"}}):e._e(),e._l(e.stops,function(t){return e.showStops?n("div",{staticClass:"el-slider__stop",style:e.vertical?{bottom:t+"%"}:{left:t+"%"}}):e._e()})],2)],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(277)),r=o(n(280));function o(e){return e&&e.__esModule?e:{default:e}}t.default={install:function(e){e.use(i.default),e.prototype.$loading=r.default},directive:i.default,service:r.default}},function(e,t,n){"use strict";t.__esModule=!0;var i=l(n(5)),r=l(n(39)),o=n(3),s=n(12),a=l(n(40));function l(e){return e&&e.__esModule?e:{default:e}}var u=i.default.extend(r.default),c={install:function(e){if(!e.prototype.$isServer){var t=function(t,i){i.value?e.nextTick(function(){i.modifiers.fullscreen?(t.originalPosition=(0,o.getStyle)(document.body,"position"),t.originalOverflow=(0,o.getStyle)(document.body,"overflow"),t.maskStyle.zIndex=s.PopupManager.nextZIndex(),(0,o.addClass)(t.mask,"is-fullscreen"),n(document.body,t,i)):((0,o.removeClass)(t.mask,"is-fullscreen"),i.modifiers.body?(t.originalPosition=(0,o.getStyle)(document.body,"position"),["top","left"].forEach(function(e){var n="top"===e?"scrollTop":"scrollLeft";t.maskStyle[e]=t.getBoundingClientRect()[e]+document.body[n]+document.documentElement[n]-parseInt((0,o.getStyle)(document.body,"margin-"+e),10)+"px"}),["height","width"].forEach(function(e){t.maskStyle[e]=t.getBoundingClientRect()[e]+"px"}),n(document.body,t,i)):(t.originalPosition=(0,o.getStyle)(t,"position"),n(t,t,i)))}):((0,a.default)(t.instance,function(e){t.domVisible=!1;var n=i.modifiers.fullscreen||i.modifiers.body?document.body:t;(0,o.removeClass)(n,"el-loading-parent--relative"),(0,o.removeClass)(n,"el-loading-parent--hidden"),t.instance.hiding=!1},300,!0),t.instance.visible=!1,t.instance.hiding=!0)},n=function(t,n,i){n.domVisible||"none"===(0,o.getStyle)(n,"display")||"hidden"===(0,o.getStyle)(n,"visibility")||(Object.keys(n.maskStyle).forEach(function(e){n.mask.style[e]=n.maskStyle[e]}),"absolute"!==n.originalPosition&&"fixed"!==n.originalPosition&&(0,o.addClass)(t,"el-loading-parent--relative"),i.modifiers.fullscreen&&i.modifiers.lock&&(0,o.addClass)(t,"el-loading-parent--hidden"),n.domVisible=!0,t.appendChild(n.mask),e.nextTick(function(){n.instance.hiding?n.instance.$emit("after-leave"):n.instance.visible=!0}),n.domInserted=!0)};e.directive("loading",{bind:function(e,n,i){var r=e.getAttribute("element-loading-text"),o=e.getAttribute("element-loading-spinner"),s=e.getAttribute("element-loading-background"),a=e.getAttribute("element-loading-custom-class"),l=i.context,c=new u({el:document.createElement("div"),data:{text:l&&l[r]||r,spinner:l&&l[o]||o,background:l&&l[s]||s,customClass:l&&l[a]||a,fullscreen:!!n.modifiers.fullscreen}});e.instance=c,e.mask=c.$el,e.maskStyle={},n.value&&t(e,n)},update:function(e,n){e.instance.setText(e.getAttribute("element-loading-text")),n.oldValue!==n.value&&t(e,n)},unbind:function(e,n){e.domInserted&&(e.mask&&e.mask.parentNode&&e.mask.parentNode.removeChild(e.mask),t(e,{value:!1,modifiers:n.modifiers}))}})}}};t.default=c},function(e,t,n){"use strict";t.__esModule=!0,t.default={data:function(){return{text:null,spinner:null,background:null,fullscreen:!0,visible:!1,customClass:""}},methods:{handleAfterLeave:function(){this.$emit("after-leave")},setText:function(e){this.text=e}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-loading-fade"},on:{"after-leave":e.handleAfterLeave}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],staticClass:"el-loading-mask",class:[e.customClass,{"is-fullscreen":e.fullscreen}],style:{backgroundColor:e.background||""}},[n("div",{staticClass:"el-loading-spinner"},[e.spinner?n("i",{class:e.spinner}):n("svg",{staticClass:"circular",attrs:{viewBox:"25 25 50 50"}},[n("circle",{staticClass:"path",attrs:{cx:"50",cy:"50",r:"20",fill:"none"}})]),e.text?n("p",{staticClass:"el-loading-text"},[e._v(e._s(e.text))]):e._e()])])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i=u(n(5)),r=u(n(39)),o=n(3),s=n(12),a=u(n(40)),l=u(n(10));function u(e){return e&&e.__esModule?e:{default:e}}var c=i.default.extend(r.default),d={text:null,fullscreen:!0,body:!1,lock:!1,customClass:""},f=void 0;c.prototype.originalPosition="",c.prototype.originalOverflow="",c.prototype.close=function(){var e=this;this.fullscreen&&(f=void 0),(0,a.default)(this,function(t){var n=e.fullscreen||e.body?document.body:e.target;(0,o.removeClass)(n,"el-loading-parent--relative"),(0,o.removeClass)(n,"el-loading-parent--hidden"),e.$el&&e.$el.parentNode&&e.$el.parentNode.removeChild(e.$el),e.$destroy()},300),this.visible=!1};t.default=function(){var e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{};if(!i.default.prototype.$isServer){if("string"==typeof(e=(0,l.default)({},d,e)).target&&(e.target=document.querySelector(e.target)),e.target=e.target||document.body,e.target!==document.body?e.fullscreen=!1:e.body=!0,e.fullscreen&&f)return f;var t=e.body?document.body:e.target,n=new c({el:document.createElement("div"),data:e});return function(e,t,n){var i={};e.fullscreen?(n.originalPosition=(0,o.getStyle)(document.body,"position"),n.originalOverflow=(0,o.getStyle)(document.body,"overflow"),i.zIndex=s.PopupManager.nextZIndex()):e.body?(n.originalPosition=(0,o.getStyle)(document.body,"position"),["top","left"].forEach(function(t){var n="top"===t?"scrollTop":"scrollLeft";i[t]=e.target.getBoundingClientRect()[t]+document.body[n]+document.documentElement[n]+"px"}),["height","width"].forEach(function(t){i[t]=e.target.getBoundingClientRect()[t]+"px"})):n.originalPosition=(0,o.getStyle)(t,"position"),Object.keys(i).forEach(function(e){n.$el.style[e]=i[e]})}(e,t,n),"absolute"!==n.originalPosition&&"fixed"!==n.originalPosition&&(0,o.addClass)(t,"el-loading-parent--relative"),e.fullscreen&&e.lock&&(0,o.addClass)(t,"el-loading-parent--hidden"),t.appendChild(n.$el),i.default.nextTick(function(){n.visible=!0}),e.fullscreen&&(f=n),n}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(282),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(283),r=n.n(i),o=n(284),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElIcon",props:{name:String}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("i",{class:"el-icon-"+this.name})},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(286),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElRow",componentName:"ElRow",props:{tag:{type:String,default:"div"},gutter:Number,type:String,justify:{type:String,default:"start"},align:{type:String,default:"top"}},computed:{style:function(){var e={};return this.gutter&&(e.marginLeft="-"+this.gutter/2+"px",e.marginRight=e.marginLeft),e}},render:function(e){return e(this.tag,{class:["el-row","start"!==this.justify?"is-justify-"+this.justify:"","top"!==this.align?"is-align-"+this.align:"",{"el-row--flex":"flex"===this.type}],style:this.style},this.$slots.default)}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(288),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e};t.default={name:"ElCol",props:{span:{type:Number,default:24},tag:{type:String,default:"div"},offset:Number,pull:Number,push:Number,xs:[Number,Object],sm:[Number,Object],md:[Number,Object],lg:[Number,Object],xl:[Number,Object]},computed:{gutter:function(){for(var e=this.$parent;e&&"ElRow"!==e.$options.componentName;)e=e.$parent;return e?e.gutter:0}},render:function(e){var t=this,n=[],r={};return this.gutter&&(r.paddingLeft=this.gutter/2+"px",r.paddingRight=r.paddingLeft),["span","offset","pull","push"].forEach(function(e){(t[e]||0===t[e])&&n.push("span"!==e?"el-col-"+e+"-"+t[e]:"el-col-"+t[e])}),["xs","sm","md","lg","xl"].forEach(function(e){var r;"number"==typeof t[e]?n.push("el-col-"+e+"-"+t[e]):"object"===i(t[e])&&(r=t[e],Object.keys(r).forEach(function(t){n.push("span"!==t?"el-col-"+e+"-"+t+"-"+r[t]:"el-col-"+e+"-"+r[t])}))}),e(this.tag,{class:["el-col",n],style:r},this.$slots.default)}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(290),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(291),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=l(n(292)),r=l(n(295)),o=l(n(300)),s=l(n(41)),a=l(n(7));function l(e){return e&&e.__esModule?e:{default:e}}function u(){}t.default={name:"ElUpload",mixins:[a.default],components:{ElProgress:s.default,UploadList:i.default,Upload:r.default,IframeUpload:o.default},provide:function(){return{uploader:this}},inject:{elForm:{default:""}},props:{action:{type:String,required:!0},headers:{type:Object,default:function(){return{}}},data:Object,multiple:Boolean,name:{type:String,default:"file"},drag:Boolean,dragger:Boolean,withCredentials:Boolean,showFileList:{type:Boolean,default:!0},accept:String,type:{type:String,default:"select"},beforeUpload:Function,beforeRemove:Function,onRemove:{type:Function,default:u},onChange:{type:Function,default:u},onPreview:{type:Function},onSuccess:{type:Function,default:u},onProgress:{type:Function,default:u},onError:{type:Function,default:u},fileList:{type:Array,default:function(){return[]}},autoUpload:{type:Boolean,default:!0},listType:{type:String,default:"text"},httpRequest:Function,disabled:Boolean,limit:Number,onExceed:{type:Function,default:u}},data:function(){return{uploadFiles:[],dragOver:!1,draging:!1,tempIndex:1}},computed:{uploadDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},watch:{fileList:{immediate:!0,handler:function(e){var t=this;this.uploadFiles=e.map(function(e){return e.uid=e.uid||Date.now()+t.tempIndex++,e.status=e.status||"success",e})}}},methods:{handleStart:function(e){e.uid=Date.now()+this.tempIndex++;var t={status:"ready",name:e.name,size:e.size,percentage:0,uid:e.uid,raw:e};try{t.url=URL.createObjectURL(e)}catch(e){return void console.error(e)}this.uploadFiles.push(t),this.onChange(t,this.uploadFiles)},handleProgress:function(e,t){var n=this.getFile(t);this.onProgress(e,n,this.uploadFiles),n.status="uploading",n.percentage=e.percent||0},handleSuccess:function(e,t){var n=this.getFile(t);n&&(n.status="success",n.response=e,this.onSuccess(e,n,this.uploadFiles),this.onChange(n,this.uploadFiles))},handleError:function(e,t){var n=this.getFile(t),i=this.uploadFiles;n.status="fail",i.splice(i.indexOf(n),1),this.onError(e,n,this.uploadFiles),this.onChange(n,this.uploadFiles)},handleRemove:function(e,t){var n=this;t&&(e=this.getFile(t));var i=function(){n.abort(e);var t=n.uploadFiles;t.splice(t.indexOf(e),1),n.onRemove(e,t)};if(this.beforeRemove){if("function"==typeof this.beforeRemove){var r=this.beforeRemove(e,this.uploadFiles);r&&r.then?r.then(function(){i()},u):!1!==r&&i()}}else i()},getFile:function(e){var t=void 0;return this.uploadFiles.every(function(n){return!(t=e.uid===n.uid?n:null)}),t},abort:function(e){this.$refs["upload-inner"].abort(e)},clearFiles:function(){this.uploadFiles=[]},submit:function(){var e=this;this.uploadFiles.filter(function(e){return"ready"===e.status}).forEach(function(t){e.$refs["upload-inner"].upload(t.raw)})},getMigratingConfig:function(){return{props:{"default-file-list":"default-file-list is renamed to file-list.","show-upload-list":"show-upload-list is renamed to show-file-list.","thumbnail-mode":"thumbnail-mode has been deprecated, you can implement the same effect according to this case: http://element.eleme.io/#/zh-CN/component/upload#yong-hu-tou-xiang-shang-chuan"}}}},render:function(e){var t=void 0;this.showFileList&&(t=e(i.default,{attrs:{disabled:this.uploadDisabled,listType:this.listType,files:this.uploadFiles,handlePreview:this.onPreview},on:{remove:this.handleRemove}},[]));var n={props:{type:this.type,drag:this.drag,action:this.action,multiple:this.multiple,"before-upload":this.beforeUpload,"with-credentials":this.withCredentials,headers:this.headers,name:this.name,data:this.data,accept:this.accept,fileList:this.uploadFiles,autoUpload:this.autoUpload,listType:this.listType,disabled:this.uploadDisabled,limit:this.limit,"on-exceed":this.onExceed,"on-start":this.handleStart,"on-progress":this.handleProgress,"on-success":this.handleSuccess,"on-error":this.handleError,"on-preview":this.onPreview,"on-remove":this.handleRemove,"http-request":this.httpRequest},ref:"upload-inner"},r=this.$slots.trigger||this.$slots.default,o="undefined"!=typeof FormData||this.$isServer?e("upload",n,[r]):e("iframeUpload",n,[r]);return e("div",null,["picture-card"===this.listType?t:"",this.$slots.trigger?[o,this.$slots.default]:o,this.$slots.tip,"picture-card"!==this.listType?t:""])}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(293),r=n.n(i),o=n(294),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=o(n(2)),r=o(n(41));function o(e){return e&&e.__esModule?e:{default:e}}t.default={mixins:[i.default],data:function(){return{focusing:!1}},components:{ElProgress:r.default},props:{files:{type:Array,default:function(){return[]}},disabled:{type:Boolean,default:!1},handlePreview:Function,listType:String},methods:{parsePercentage:function(e){return parseInt(e,10)},handleClick:function(e){this.handlePreview&&this.handlePreview(e)}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition-group",{class:["el-upload-list","el-upload-list--"+e.listType,{"is-disabled":e.disabled}],attrs:{tag:"ul",name:"el-list"}},e._l(e.files,function(t,i){return n("li",{key:i,class:["el-upload-list__item","is-"+t.status,e.focusing?"focusing":""],attrs:{tabindex:"0"},on:{keydown:function(n){if(!("button"in n)&&e._k(n.keyCode,"delete",[8,46],n.key))return null;!e.disabled&&e.$emit("remove",t)},focus:function(t){e.focusing=!0},blur:function(t){e.focusing=!1},click:function(t){e.focusing=!1}}},["uploading"!==t.status&&["picture-card","picture"].indexOf(e.listType)>-1?n("img",{staticClass:"el-upload-list__item-thumbnail",attrs:{src:t.url,alt:""}}):e._e(),n("a",{staticClass:"el-upload-list__item-name",on:{click:function(n){e.handleClick(t)}}},[n("i",{staticClass:"el-icon-document"}),e._v(e._s(t.name)+"\n ")]),n("label",{staticClass:"el-upload-list__item-status-label"},[n("i",{class:{"el-icon-upload-success":!0,"el-icon-circle-check":"text"===e.listType,"el-icon-check":["picture-card","picture"].indexOf(e.listType)>-1}})]),e.disabled?e._e():n("i",{staticClass:"el-icon-close",on:{click:function(n){e.$emit("remove",t)}}}),e.disabled?e._e():n("i",{staticClass:"el-icon-close-tip"},[e._v(e._s(e.t("el.upload.deleteTip")))]),"uploading"===t.status?n("el-progress",{attrs:{type:"picture-card"===e.listType?"circle":"line","stroke-width":"picture-card"===e.listType?6:2,percentage:e.parsePercentage(t.percentage)}}):e._e(),"picture-card"===e.listType?n("span",{staticClass:"el-upload-list__item-actions"},[e.handlePreview&&"picture-card"===e.listType?n("span",{staticClass:"el-upload-list__item-preview",on:{click:function(n){e.handlePreview(t)}}},[n("i",{staticClass:"el-icon-zoom-in"})]):e._e(),e.disabled?e._e():n("span",{staticClass:"el-upload-list__item-delete",on:{click:function(n){e.$emit("remove",t)}}},[n("i",{staticClass:"el-icon-delete"})])]):e._e()],1)}))},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(296),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(42)),r=s(n(297)),o=s(n(43));function s(e){return e&&e.__esModule?e:{default:e}}t.default={inject:["uploader"],components:{UploadDragger:o.default},props:{type:String,action:{type:String,required:!0},name:{type:String,default:"file"},data:Object,headers:Object,withCredentials:Boolean,multiple:Boolean,accept:String,onStart:Function,onProgress:Function,onSuccess:Function,onError:Function,beforeUpload:Function,drag:Boolean,onPreview:{type:Function,default:function(){}},onRemove:{type:Function,default:function(){}},fileList:Array,autoUpload:Boolean,listType:String,httpRequest:{type:Function,default:r.default},disabled:Boolean,limit:Number,onExceed:Function},data:function(){return{mouseover:!1,reqs:{}}},methods:{isImage:function(e){return-1!==e.indexOf("image")},handleChange:function(e){var t=e.target.files;t&&this.uploadFiles(t)},uploadFiles:function(e){var t=this;if(this.limit&&this.fileList.length+e.length>this.limit)this.onExceed&&this.onExceed(e,this.fileList);else{var n=Array.prototype.slice.call(e);this.multiple||(n=n.slice(0,1)),0!==n.length&&n.forEach(function(e){t.onStart(e),t.autoUpload&&t.upload(e)})}},upload:function(e,t){var n=this;if(this.$refs.input.value=null,!this.beforeUpload)return this.post(e);var i=this.beforeUpload(e);i&&i.then?i.then(function(t){var i=Object.prototype.toString.call(t);"[object File]"===i||"[object Blob]"===i?n.post(t):n.post(e)},function(){n.onRemove(null,e)}):!1!==i?this.post(e):this.onRemove(null,e)},abort:function(e){var t=this.reqs;if(e){var n=e;e.uid&&(n=e.uid),t[n]&&t[n].abort()}else Object.keys(t).forEach(function(e){t[e]&&t[e].abort(),delete t[e]})},post:function(e){var t=this,n=e.uid,i={headers:this.headers,withCredentials:this.withCredentials,file:e,data:this.data,filename:this.name,action:this.action,onProgress:function(n){t.onProgress(n,e)},onSuccess:function(i){t.onSuccess(i,e),delete t.reqs[n]},onError:function(i){t.onError(i,e),delete t.reqs[n]}},r=this.httpRequest(i);this.reqs[n]=r,r&&r.then&&r.then(i.onSuccess,i.onError)},handleClick:function(){this.disabled||(this.$refs.input.value=null,this.$refs.input.click())},handleKeydown:function(e){13!==e.keyCode&&32!==e.keyCode||this.handleClick()}},render:function(e){var t=this.handleClick,n=this.drag,r=this.name,o=this.handleChange,s=this.multiple,a=this.accept,l=this.listType,u=this.uploadFiles,c=this.disabled,d={class:{"el-upload":!0},on:{click:t,keydown:this.handleKeydown}};return d.class["el-upload--"+l]=!0,e("div",(0,i.default)([d,{attrs:{tabindex:"0"}}]),[n?e("upload-dragger",{attrs:{disabled:c},on:{file:u}},[this.$slots.default]):this.$slots.default,e("input",{class:"el-upload__input",attrs:{type:"file",name:r,multiple:s,accept:a},ref:"input",on:{change:o}},[])])}}},function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e){if("undefined"==typeof XMLHttpRequest)return;var t=new XMLHttpRequest,n=e.action;t.upload&&(t.upload.onprogress=function(t){t.total>0&&(t.percent=t.loaded/t.total*100),e.onProgress(t)});var i=new FormData;e.data&&Object.keys(e.data).forEach(function(t){i.append(t,e.data[t])});i.append(e.filename,e.file),t.onerror=function(t){e.onError(t)},t.onload=function(){if(t.status<200||t.status>=300)return e.onError(function(e,t,n){var i=void 0;i=n.response?""+(n.response.error||n.response):n.responseText?""+n.responseText:"fail to post "+e+" "+n.status;var r=new Error(i);return r.status=n.status,r.method="post",r.url=e,r}(n,0,t));e.onSuccess(function(e){var t=e.responseText||e.response;if(!t)return t;try{return JSON.parse(t)}catch(e){return t}}(t))},t.open("post",n,!0),e.withCredentials&&"withCredentials"in t&&(t.withCredentials=!0);var r=e.headers||{};for(var o in r)r.hasOwnProperty(o)&&null!==r[o]&&t.setRequestHeader(o,r[o]);return t.send(i),t}},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElUploadDrag",props:{disabled:Boolean},inject:{uploader:{default:""}},data:function(){return{dragover:!1}},methods:{onDragover:function(){this.disabled||(this.dragover=!0)},onDrop:function(e){if(!this.disabled&&this.uploader){var t=this.uploader.accept;this.dragover=!1,t?this.$emit("file",[].slice.call(e.dataTransfer.files).filter(function(e){var n=e.type,i=e.name,r=i.indexOf(".")>-1?"."+i.split(".").pop():"",o=n.replace(/\/.*$/,"");return t.split(",").map(function(e){return e.trim()}).filter(function(e){return e}).some(function(e){return/\..+$/.test(e)?r===e:/\/\*$/.test(e)?o===e.replace(/\/\*$/,""):!!/^[^\/]+\/[^\/]+$/.test(e)&&n===e})})):this.$emit("file",e.dataTransfer.files)}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement;return(e._self._c||t)("div",{staticClass:"el-upload-dragger",class:{"is-dragover":e.dragover},on:{drop:function(t){t.preventDefault(),e.onDrop(t)},dragover:function(t){t.preventDefault(),e.onDragover(t)},dragleave:function(t){t.preventDefault(),e.dragover=!1}}},[e._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(301),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(43),o=(i=r)&&i.__esModule?i:{default:i};t.default={components:{UploadDragger:o.default},props:{type:String,data:{},action:{type:String,required:!0},name:{type:String,default:"file"},withCredentials:Boolean,accept:String,onStart:Function,onProgress:Function,onSuccess:Function,onError:Function,beforeUpload:Function,onPreview:{type:Function,default:function(){}},onRemove:{type:Function,default:function(){}},drag:Boolean,listType:String,disabled:Boolean,limit:Number,onExceed:Function},data:function(){return{mouseover:!1,domain:"",file:null,submitting:!1}},methods:{isImage:function(e){return-1!==e.indexOf("image")},handleClick:function(){this.disabled||this.$refs.input.click()},handleChange:function(e){var t=e.target.value;t&&this.uploadFiles(t)},uploadFiles:function(e){if(this.limit&&this.$parent.uploadFiles.length+e.length>this.limit)this.onExceed&&this.onExceed(this.fileList);else if(!this.submitting){this.submitting=!0,this.file=e,this.onStart(e);var t=this.getFormNode(),n=this.getFormDataNode(),i=this.data;"function"==typeof i&&(i=i(e));var r=[];for(var o in i)i.hasOwnProperty(o)&&r.push('<input name="'+o+'" value="'+i[o]+'"/>');n.innerHTML=r.join(""),t.submit(),n.innerHTML=""}},getFormNode:function(){return this.$refs.form},getFormDataNode:function(){return this.$refs.data}},created:function(){this.frameName="frame-"+Date.now()},mounted:function(){var e=this;!this.$isServer&&window.addEventListener("message",function(t){if(e.file){var n=new URL(e.action).origin;if(t.origin===n){var i=t.data;"success"===i.result?e.onSuccess(i,e.file):"failed"===i.result&&e.onError(i,e.file),e.submitting=!1,e.file=null}}},!1)},render:function(e){var t=this.drag,n=this.uploadFiles,i=this.listType,r=this.frameName,o=this.disabled,s={"el-upload":!0};return s["el-upload--"+i]=!0,e("div",{class:s,on:{click:this.handleClick},nativeOn:{drop:this.onDrop,dragover:this.handleDragover,dragleave:this.handleDragleave}},[e("iframe",{on:{load:this.onload},ref:"iframe",attrs:{name:r}},[]),e("form",{ref:"form",attrs:{action:this.action,target:r,enctype:"multipart/form-data",method:"POST"}},[e("input",{class:"el-upload__input",attrs:{type:"file",name:"file",accept:this.accept},ref:"input",on:{change:this.handleChange}},[]),e("input",{attrs:{type:"hidden",name:"documentDomain",value:this.$isServer?"":document.domain}},[]),e("span",{ref:"data"},[])]),t?e("upload-dragger",{on:{file:n},attrs:{disabled:o}},[this.$slots.default]):this.$slots.default])}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(303),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(304),r=n.n(i),o=n(305),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElProgress",props:{type:{type:String,default:"line",validator:function(e){return["line","circle"].indexOf(e)>-1}},percentage:{type:Number,default:0,required:!0,validator:function(e){return e>=0&&e<=100}},status:{type:String},strokeWidth:{type:Number,default:6},textInside:{type:Boolean,default:!1},width:{type:Number,default:126},showText:{type:Boolean,default:!0},color:{type:String,default:""}},computed:{barStyle:function(){var e={};return e.width=this.percentage+"%",e.backgroundColor=this.color,e},relativeStrokeWidth:function(){return(this.strokeWidth/this.width*100).toFixed(1)},trackPath:function(){var e=parseInt(50-parseFloat(this.relativeStrokeWidth)/2,10);return"M 50 50 m 0 -"+e+" a "+e+" "+e+" 0 1 1 0 "+2*e+" a "+e+" "+e+" 0 1 1 0 -"+2*e},perimeter:function(){var e=50-parseFloat(this.relativeStrokeWidth)/2;return 2*Math.PI*e},circlePathStyle:function(){var e=this.perimeter;return{strokeDasharray:e+"px,"+e+"px",strokeDashoffset:(1-this.percentage/100)*e+"px",transition:"stroke-dashoffset 0.6s ease 0s, stroke 0.6s ease"}},stroke:function(){var e=void 0;if(this.color)e=this.color;else switch(this.status){case"success":e="#13ce66";break;case"exception":e="#ff4949";break;default:e="#20a0ff"}return e},iconClass:function(){return"line"===this.type?"success"===this.status?"el-icon-circle-check":"el-icon-circle-cross":"success"===this.status?"el-icon-check":"el-icon-close"},progressTextSize:function(){return"line"===this.type?12+.4*this.strokeWidth:.111111*this.width+2}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-progress",class:["el-progress--"+e.type,e.status?"is-"+e.status:"",{"el-progress--without-text":!e.showText,"el-progress--text-inside":e.textInside}],attrs:{role:"progressbar","aria-valuenow":e.percentage,"aria-valuemin":"0","aria-valuemax":"100"}},["line"===e.type?n("div",{staticClass:"el-progress-bar"},[n("div",{staticClass:"el-progress-bar__outer",style:{height:e.strokeWidth+"px"}},[n("div",{staticClass:"el-progress-bar__inner",style:e.barStyle},[e.showText&&e.textInside?n("div",{staticClass:"el-progress-bar__innerText"},[e._v(e._s(e.percentage)+"%")]):e._e()])])]):n("div",{staticClass:"el-progress-circle",style:{height:e.width+"px",width:e.width+"px"}},[n("svg",{attrs:{viewBox:"0 0 100 100"}},[n("path",{staticClass:"el-progress-circle__track",attrs:{d:e.trackPath,stroke:"#e5e9f2","stroke-width":e.relativeStrokeWidth,fill:"none"}}),n("path",{staticClass:"el-progress-circle__path",style:e.circlePathStyle,attrs:{d:e.trackPath,"stroke-linecap":"round",stroke:e.stroke,"stroke-width":e.relativeStrokeWidth,fill:"none"}})])]),e.showText&&!e.textInside?n("div",{staticClass:"el-progress__text",style:{fontSize:e.progressTextSize+"px"}},[e.status?n("i",{class:e.iconClass}):[e._v(e._s(e.percentage)+"%")]],2):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(307),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(308),r=n.n(i),o=n(309),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElSpinner",props:{type:String,radius:{type:Number,default:100},strokeWidth:{type:Number,default:5},strokeColor:{type:String,default:"#efefef"}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("span",{staticClass:"el-spinner"},[t("svg",{staticClass:"el-spinner-inner",style:{width:this.radius/2+"px",height:this.radius/2+"px"},attrs:{viewBox:"0 0 50 50"}},[t("circle",{staticClass:"path",attrs:{cx:"25",cy:"25",r:"20",fill:"none",stroke:this.strokeColor,"stroke-width":this.strokeWidth}})])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(311),o=(i=r)&&i.__esModule?i:{default:i};t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(5)),r=a(n(312)),o=n(12),s=n(21);function a(e){return e&&e.__esModule?e:{default:e}}var l=i.default.extend(r.default),u=void 0,c=[],d=1,f=function e(t){if(!i.default.prototype.$isServer){"string"==typeof(t=t||{})&&(t={message:t});var n=t.onClose,r="message_"+d++;return t.onClose=function(){e.close(r,n)},(u=new l({data:t})).id=r,(0,s.isVNode)(u.message)&&(u.$slots.default=[u.message],u.message=null),u.vm=u.$mount(),document.body.appendChild(u.vm.$el),u.vm.visible=!0,u.dom=u.vm.$el,u.dom.style.zIndex=o.PopupManager.nextZIndex(),c.push(u),u.vm}};["success","warning","info","error"].forEach(function(e){f[e]=function(t){return"string"==typeof t&&(t={message:t}),t.type=e,f(t)}}),f.close=function(e,t){for(var n=0,i=c.length;n<i;n++)if(e===c[n].id){"function"==typeof t&&t(c[n]),c.splice(n,1);break}},f.closeAll=function(){for(var e=c.length-1;e>=0;e--)c[e].close()},t.default=f},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(313),r=n.n(i),o=n(314),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i={success:"success",info:"info",warning:"warning",error:"error"};t.default={data:function(){return{visible:!1,message:"",duration:3e3,type:"info",iconClass:"",customClass:"",onClose:null,showClose:!1,closed:!1,timer:null,dangerouslyUseHTMLString:!1,center:!1}},computed:{iconWrapClass:function(){var e=["el-message__icon"];return this.type&&!this.iconClass&&e.push("el-message__icon--"+this.type),e},typeClass:function(){return this.type&&!this.iconClass?"el-message__icon el-icon-"+i[this.type]:""}},watch:{closed:function(e){e&&(this.visible=!1,this.$el.addEventListener("transitionend",this.destroyElement))}},methods:{destroyElement:function(){this.$el.removeEventListener("transitionend",this.destroyElement),this.$destroy(!0),this.$el.parentNode.removeChild(this.$el)},close:function(){this.closed=!0,"function"==typeof this.onClose&&this.onClose(this)},clearTimer:function(){clearTimeout(this.timer)},startTimer:function(){var e=this;this.duration>0&&(this.timer=setTimeout(function(){e.closed||e.close()},this.duration))},keydown:function(e){27===e.keyCode&&(this.closed||this.close())}},mounted:function(){this.startTimer(),document.addEventListener("keydown",this.keydown)},beforeDestroy:function(){document.removeEventListener("keydown",this.keydown)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-message-fade"}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.visible,expression:"visible"}],class:["el-message",e.type&&!e.iconClass?"el-message--"+e.type:"",e.center?"is-center":"",e.showClose?"is-closable":"",e.customClass],attrs:{role:"alert"},on:{mouseenter:e.clearTimer,mouseleave:e.startTimer}},[e.iconClass?n("i",{class:e.iconClass}):n("i",{class:e.typeClass}),e._t("default",[e.dangerouslyUseHTMLString?n("p",{staticClass:"el-message__content",domProps:{innerHTML:e._s(e.message)}}):n("p",{staticClass:"el-message__content"},[e._v(e._s(e.message))])]),e.showClose?n("i",{staticClass:"el-message__closeBtn el-icon-close",on:{click:e.close}}):e._e()],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(316),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(317),r=n.n(i),o=n(318),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElBadge",props:{value:{},max:Number,isDot:Boolean,hidden:Boolean},computed:{content:function(){if(!this.isDot){var e=this.value,t=this.max;return"number"==typeof e&&"number"==typeof t&&t<e?t+"+":e}}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-badge"},[e._t("default"),n("transition",{attrs:{name:"el-zoom-in-center"}},[n("sup",{directives:[{name:"show",rawName:"v-show",value:!e.hidden&&(e.content||e.isDot),expression:"!hidden && ( content || isDot )"}],staticClass:"el-badge__content",class:{"is-fixed":e.$slots.default,"is-dot":e.isDot},domProps:{textContent:e._s(e.content)}})])],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(320),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(321),r=n.n(i),o=n(322),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElCard",props:["header","bodyStyle"]}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-card"},[e.$slots.header||e.header?n("div",{staticClass:"el-card__header"},[e._t("header",[e._v(e._s(e.header))])],2):e._e(),n("div",{staticClass:"el-card__body",style:e.bodyStyle},[e._t("default")],2)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(324),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(325),r=n.n(i),o=n(326),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(3),o=n(7),s=(i=o)&&i.__esModule?i:{default:i};t.default={name:"ElRate",mixins:[s.default],inject:{elForm:{default:""}},data:function(){return{pointerAtLeftHalf:!0,currentValue:this.value,hoverIndex:-1}},props:{value:{type:Number,default:0},lowThreshold:{type:Number,default:2},highThreshold:{type:Number,default:4},max:{type:Number,default:5},colors:{type:Array,default:function(){return["#F7BA2A","#F7BA2A","#F7BA2A"]}},voidColor:{type:String,default:"#C6D1DE"},disabledVoidColor:{type:String,default:"#EFF2F7"},iconClasses:{type:Array,default:function(){return["el-icon-star-on","el-icon-star-on","el-icon-star-on"]}},voidIconClass:{type:String,default:"el-icon-star-off"},disabledVoidIconClass:{type:String,default:"el-icon-star-on"},disabled:{type:Boolean,default:!1},allowHalf:{type:Boolean,default:!1},showText:{type:Boolean,default:!1},showScore:{type:Boolean,default:!1},textColor:{type:String,default:"#1f2d3d"},texts:{type:Array,default:function(){return["极差","失望","一般","满意","惊喜"]}},scoreTemplate:{type:String,default:"{value}"}},computed:{text:function(){var e="";return this.showScore?e=this.scoreTemplate.replace(/\{\s*value\s*\}/,this.rateDisabled?this.value:this.currentValue):this.showText&&(e=this.texts[Math.ceil(this.currentValue)-1]),e},decimalStyle:function(){var e="";return this.rateDisabled&&(e=(this.valueDecimal<50?0:50)+"%"),this.allowHalf&&(e="50%"),{color:this.activeColor,width:e}},valueDecimal:function(){return 100*this.value-100*Math.floor(this.value)},decimalIconClass:function(){return this.getValueFromMap(this.value,this.classMap)},voidClass:function(){return this.rateDisabled?this.classMap.disabledVoidClass:this.classMap.voidClass},activeClass:function(){return this.getValueFromMap(this.currentValue,this.classMap)},colorMap:function(){return{lowColor:this.colors[0],mediumColor:this.colors[1],highColor:this.colors[2],voidColor:this.voidColor,disabledVoidColor:this.disabledVoidColor}},activeColor:function(){return this.getValueFromMap(this.currentValue,this.colorMap)},classes:function(){var e=[],t=0,n=this.currentValue;for(this.allowHalf&&this.currentValue!==Math.floor(this.currentValue)&&n--;t<n;t++)e.push(this.activeClass);for(;t<this.max;t++)e.push(this.voidClass);return e},classMap:function(){return{lowClass:this.iconClasses[0],mediumClass:this.iconClasses[1],highClass:this.iconClasses[2],voidClass:this.voidIconClass,disabledVoidClass:this.disabledVoidIconClass}},rateDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},watch:{value:function(e){this.currentValue=e,this.pointerAtLeftHalf=this.value!==Math.floor(this.value)}},methods:{getMigratingConfig:function(){return{props:{"text-template":"text-template is renamed to score-template."}}},getValueFromMap:function(e,t){return e<=this.lowThreshold?t.lowColor||t.lowClass:e>=this.highThreshold?t.highColor||t.highClass:t.mediumColor||t.mediumClass},showDecimalIcon:function(e){var t=this.rateDisabled&&this.valueDecimal>0&&e-1<this.value&&e>this.value,n=this.allowHalf&&this.pointerAtLeftHalf&&e-.5<=this.currentValue&&e>this.currentValue;return t||n},getIconStyle:function(e){var t=this.rateDisabled?this.colorMap.disabledVoidColor:this.colorMap.voidColor;return{color:e<=this.currentValue?this.activeColor:t}},selectValue:function(e){this.rateDisabled||(this.allowHalf&&this.pointerAtLeftHalf?(this.$emit("input",this.currentValue),this.$emit("change",this.currentValue)):(this.$emit("input",e),this.$emit("change",e)))},handelKey:function(e){var t=this.currentValue,n=e.keyCode;38===n||39===n?(this.allowHalf?t+=.5:t+=1,e.stopPropagation(),e.preventDefault()):37!==n&&40!==n||(this.allowHalf?t-=.5:t-=1,e.stopPropagation(),e.preventDefault()),t=(t=t<0?0:t)>this.max?this.max:t,this.$emit("input",t),this.$emit("change",t)},setCurrentValue:function(e,t){if(!this.rateDisabled){if(this.allowHalf){var n=t.target;(0,r.hasClass)(n,"el-rate__item")&&(n=n.querySelector(".el-rate__icon")),(0,r.hasClass)(n,"el-rate__decimal")&&(n=n.parentNode),this.pointerAtLeftHalf=2*t.offsetX<=n.clientWidth,this.currentValue=this.pointerAtLeftHalf?e-.5:e}else this.currentValue=e;this.hoverIndex=e}},resetCurrentValue:function(){this.rateDisabled||(this.allowHalf&&(this.pointerAtLeftHalf=this.value!==Math.floor(this.value)),this.currentValue=this.value,this.hoverIndex=-1)}},created:function(){this.value||this.$emit("input",0)}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-rate",attrs:{role:"slider","aria-valuenow":e.currentValue,"aria-valuetext":e.text,"aria-valuemin":"0","aria-valuemax":e.max,tabindex:"0"},on:{keydown:e.handelKey}},[e._l(e.max,function(t){return n("span",{staticClass:"el-rate__item",style:{cursor:e.rateDisabled?"auto":"pointer"},on:{mousemove:function(n){e.setCurrentValue(t,n)},mouseleave:e.resetCurrentValue,click:function(n){e.selectValue(t)}}},[n("i",{staticClass:"el-rate__icon",class:[e.classes[t-1],{hover:e.hoverIndex===t}],style:e.getIconStyle(t)},[e.showDecimalIcon(t)?n("i",{staticClass:"el-rate__decimal",class:e.decimalIconClass,style:e.decimalStyle}):e._e()])])}),e.showText||e.showScore?n("span",{staticClass:"el-rate__text",style:{color:e.textColor}},[e._v(e._s(e.text))]):e._e()],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(328),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(329),r=n.n(i),o=n(330),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(7),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"ElSteps",mixins:[o.default],props:{space:[Number,String],active:Number,direction:{type:String,default:"horizontal"},alignCenter:Boolean,simple:Boolean,finishStatus:{type:String,default:"finish"},processStatus:{type:String,default:"process"}},data:function(){return{steps:[],stepOffset:0}},methods:{getMigratingConfig:function(){return{props:{center:"center is removed."}}}},watch:{active:function(e,t){this.$emit("change",e,t)},steps:function(e){e.forEach(function(e,t){e.index=t})}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-steps",class:[!this.simple&&"el-steps--"+this.direction,this.simple&&"el-steps--simple"]},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(332),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(333),r=n.n(i),o=n(334),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElStep",props:{title:String,icon:String,description:String,status:String},data:function(){return{index:-1,lineStyle:{},internalStatus:""}},beforeCreate:function(){this.$parent.steps.push(this)},beforeDestroy:function(){var e=this.$parent.steps,t=e.indexOf(this);t>=0&&e.splice(t,1)},computed:{currentStatus:function(){return this.status||this.internalStatus},prevStatus:function(){var e=this.$parent.steps[this.index-1];return e?e.currentStatus:"wait"},isCenter:function(){return this.$parent.alignCenter},isVertical:function(){return"vertical"===this.$parent.direction},isSimple:function(){return this.$parent.simple},isLast:function(){var e=this.$parent;return e.steps[e.steps.length-1]===this},stepsCount:function(){return this.$parent.steps.length},space:function(){var e=this.isSimple,t=this.$parent.space;return e?"":t},style:function(){var e={},t=this.$parent.steps.length,n="number"==typeof this.space?this.space+"px":this.space?this.space:100/(t-(this.isCenter?0:1))+"%";return e.flexBasis=n,this.isVertical?e:(this.isLast?e.maxWidth=100/this.stepsCount+"%":e.marginRight=-this.$parent.stepOffset+"px",e)}},methods:{updateStatus:function(e){var t=this.$parent.$children[this.index-1];e>this.index?this.internalStatus=this.$parent.finishStatus:e===this.index&&"error"!==this.prevStatus?this.internalStatus=this.$parent.processStatus:this.internalStatus="wait",t&&t.calcProgress(this.internalStatus)},calcProgress:function(e){var t=100,n={};n.transitionDelay=150*this.index+"ms",e===this.$parent.processStatus?(this.currentStatus,t=0):"wait"===e&&(t=0,n.transitionDelay=-150*this.index+"ms"),n.borderWidth=t?"1px":0,"vertical"===this.$parent.direction?n.height=t+"%":n.width=t+"%",this.lineStyle=n}},mounted:function(){var e=this,t=this.$watch("index",function(n){e.$watch("$parent.active",e.updateStatus,{immediate:!0}),t()})}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-step",class:[!e.isSimple&&"is-"+e.$parent.direction,e.isSimple&&"is-simple",e.isLast&&!e.space&&!e.isCenter&&"is-flex",e.isCenter&&!e.isVertical&&!e.isSimple&&"is-center"],style:e.style},[n("div",{staticClass:"el-step__head",class:"is-"+e.currentStatus},[n("div",{staticClass:"el-step__line",style:e.isLast?"":{marginRight:e.$parent.stepOffset+"px"}},[n("i",{staticClass:"el-step__line-inner",style:e.lineStyle})]),n("div",{staticClass:"el-step__icon",class:"is-"+(e.icon?"icon":"text")},["success"!==e.currentStatus&&"error"!==e.currentStatus?e._t("icon",[e.icon?n("i",{staticClass:"el-step__icon-inner",class:[e.icon]}):e._e(),e.icon||e.isSimple?e._e():n("div",{staticClass:"el-step__icon-inner"},[e._v(e._s(e.index+1))])]):n("i",{staticClass:"el-step__icon-inner is-status",class:["el-icon-"+("success"===e.currentStatus?"check":"close")]})],2)]),n("div",{staticClass:"el-step__main"},[n("div",{ref:"title",staticClass:"el-step__title",class:["is-"+e.currentStatus]},[e._t("title",[e._v(e._s(e.title))])],2),e.isSimple?n("div",{staticClass:"el-step__arrow"}):n("div",{staticClass:"el-step__description",class:["is-"+e.currentStatus]},[e._t("description",[e._v(e._s(e.description))])],2)])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(336),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(337),r=n.n(i),o=n(339),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(338),o=(i=r)&&i.__esModule?i:{default:i},s=n(17);t.default={name:"ElCarousel",props:{initialIndex:{type:Number,default:0},height:String,trigger:{type:String,default:"hover"},autoplay:{type:Boolean,default:!0},interval:{type:Number,default:3e3},indicatorPosition:String,indicator:{type:Boolean,default:!0},arrow:{type:String,default:"hover"},type:String},data:function(){return{items:[],activeIndex:-1,containerWidth:0,timer:null,hover:!1}},computed:{hasLabel:function(){return this.items.some(function(e){return e.label.toString().length>0})}},watch:{items:function(e){e.length>0&&this.setActiveItem(this.initialIndex)},activeIndex:function(e,t){this.resetItemPosition(t),this.$emit("change",e,t)},autoplay:function(e){e?this.startTimer():this.pauseTimer()}},methods:{handleMouseEnter:function(){this.hover=!0,this.pauseTimer()},handleMouseLeave:function(){this.hover=!1,this.startTimer()},itemInStage:function(e,t){var n=this.items.length;return t===n-1&&e.inStage&&this.items[0].active||e.inStage&&this.items[t+1]&&this.items[t+1].active?"left":!!(0===t&&e.inStage&&this.items[n-1].active||e.inStage&&this.items[t-1]&&this.items[t-1].active)&&"right"},handleButtonEnter:function(e){var t=this;this.items.forEach(function(n,i){e===t.itemInStage(n,i)&&(n.hover=!0)})},handleButtonLeave:function(){this.items.forEach(function(e){e.hover=!1})},updateItems:function(){this.items=this.$children.filter(function(e){return"ElCarouselItem"===e.$options.name})},resetItemPosition:function(e){var t=this;this.items.forEach(function(n,i){n.translateItem(i,t.activeIndex,e)})},playSlides:function(){this.activeIndex<this.items.length-1?this.activeIndex++:this.activeIndex=0},pauseTimer:function(){clearInterval(this.timer)},startTimer:function(){this.interval<=0||!this.autoplay||(this.timer=setInterval(this.playSlides,this.interval))},setActiveItem:function(e){if("string"==typeof e){var t=this.items.filter(function(t){return t.name===e});t.length>0&&(e=this.items.indexOf(t[0]))}if(e=Number(e),!isNaN(e)&&e===Math.floor(e)){var n=this.items.length,i=this.activeIndex;this.activeIndex=e<0?n-1:e>=n?0:e,i===this.activeIndex&&this.resetItemPosition(i)}},prev:function(){this.setActiveItem(this.activeIndex-1)},next:function(){this.setActiveItem(this.activeIndex+1)},handleIndicatorClick:function(e){this.activeIndex=e},handleIndicatorHover:function(e){"hover"===this.trigger&&e!==this.activeIndex&&(this.activeIndex=e)}},created:function(){var e=this;this.throttledArrowClick=(0,o.default)(300,!0,function(t){e.setActiveItem(t)}),this.throttledIndicatorHover=(0,o.default)(300,function(t){e.handleIndicatorHover(t)})},mounted:function(){var e=this;this.updateItems(),this.$nextTick(function(){(0,s.addResizeListener)(e.$el,e.resetItemPosition),e.initialIndex<e.items.length&&e.initialIndex>=0&&(e.activeIndex=e.initialIndex),e.startTimer()})},beforeDestroy:function(){this.$el&&(0,s.removeResizeListener)(this.$el,this.resetItemPosition)}}},function(e,t){e.exports=n("uY1a")},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-carousel",class:{"el-carousel--card":"card"===e.type},on:{mouseenter:function(t){t.stopPropagation(),e.handleMouseEnter(t)},mouseleave:function(t){t.stopPropagation(),e.handleMouseLeave(t)}}},[n("div",{staticClass:"el-carousel__container",style:{height:e.height}},[n("transition",{attrs:{name:"carousel-arrow-left"}},["never"!==e.arrow?n("button",{directives:[{name:"show",rawName:"v-show",value:"always"===e.arrow||e.hover,expression:"arrow === 'always' || hover"}],staticClass:"el-carousel__arrow el-carousel__arrow--left",attrs:{type:"button"},on:{mouseenter:function(t){e.handleButtonEnter("left")},mouseleave:e.handleButtonLeave,click:function(t){t.stopPropagation(),e.throttledArrowClick(e.activeIndex-1)}}},[n("i",{staticClass:"el-icon-arrow-left"})]):e._e()]),n("transition",{attrs:{name:"carousel-arrow-right"}},["never"!==e.arrow?n("button",{directives:[{name:"show",rawName:"v-show",value:"always"===e.arrow||e.hover,expression:"arrow === 'always' || hover"}],staticClass:"el-carousel__arrow el-carousel__arrow--right",attrs:{type:"button"},on:{mouseenter:function(t){e.handleButtonEnter("right")},mouseleave:e.handleButtonLeave,click:function(t){t.stopPropagation(),e.throttledArrowClick(e.activeIndex+1)}}},[n("i",{staticClass:"el-icon-arrow-right"})]):e._e()]),e._t("default")],2),"none"!==e.indicatorPosition?n("ul",{staticClass:"el-carousel__indicators",class:{"el-carousel__indicators--labels":e.hasLabel,"el-carousel__indicators--outside":"outside"===e.indicatorPosition||"card"===e.type}},e._l(e.items,function(t,i){return n("li",{staticClass:"el-carousel__indicator",class:{"is-active":i===e.activeIndex},on:{mouseenter:function(t){e.throttledIndicatorHover(i)},click:function(t){t.stopPropagation(),e.handleIndicatorClick(i)}}},[n("button",{staticClass:"el-carousel__button"},[e.hasLabel?n("span",[e._v(e._s(t.label))]):e._e()])])})):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(341),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";t.__esModule=!0;var i=n(17),r=a(n(35)),o=n(4),s=a(n(342));function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElScrollbar",components:{Bar:s.default},props:{native:Boolean,wrapStyle:{},wrapClass:{},viewClass:{},viewStyle:{},noresize:Boolean,tag:{type:String,default:"div"}},data:function(){return{sizeWidth:"0",sizeHeight:"0",moveX:0,moveY:0}},computed:{wrap:function(){return this.$refs.wrap}},render:function(e){var t=(0,r.default)(),n=this.wrapStyle;if(t){var i="-"+t+"px",a="margin-bottom: "+i+"; margin-right: "+i+";";Array.isArray(this.wrapStyle)?(n=(0,o.toObject)(this.wrapStyle)).marginRight=n.marginBottom=i:"string"==typeof this.wrapStyle?n+=a:n=a}var l=e(this.tag,{class:["el-scrollbar__view",this.viewClass],style:this.viewStyle,ref:"resize"},this.$slots.default),u=e("div",{ref:"wrap",style:n,on:{scroll:this.handleScroll},class:[this.wrapClass,"el-scrollbar__wrap",t?"":"el-scrollbar__wrap--hidden-default"]},[[l]]);return e("div",{class:"el-scrollbar"},this.native?[e("div",{ref:"wrap",class:[this.wrapClass,"el-scrollbar__wrap"],style:n},[[l]])]:[u,e(s.default,{attrs:{move:this.moveX,size:this.sizeWidth}},[]),e(s.default,{attrs:{vertical:!0,move:this.moveY,size:this.sizeHeight}},[])])},methods:{handleScroll:function(){var e=this.wrap;this.moveY=100*e.scrollTop/e.clientHeight,this.moveX=100*e.scrollLeft/e.clientWidth},update:function(){var e,t,n=this.wrap;n&&(e=100*n.clientHeight/n.scrollHeight,t=100*n.clientWidth/n.scrollWidth,this.sizeHeight=e<100?e+"%":"",this.sizeWidth=t<100?t+"%":"")}},mounted:function(){this.native||(this.$nextTick(this.update),!this.noresize&&(0,i.addResizeListener)(this.$refs.resize,this.update))},beforeDestroy:function(){this.native||!this.noresize&&(0,i.removeResizeListener)(this.$refs.resize,this.update)}}},function(e,t,n){"use strict";t.__esModule=!0;var i=n(3),r=n(343);t.default={name:"Bar",props:{vertical:Boolean,size:String,move:Number},computed:{bar:function(){return r.BAR_MAP[this.vertical?"vertical":"horizontal"]},wrap:function(){return this.$parent.wrap}},render:function(e){var t=this.size,n=this.move,i=this.bar;return e("div",{class:["el-scrollbar__bar","is-"+i.key],on:{mousedown:this.clickTrackHandler}},[e("div",{ref:"thumb",class:"el-scrollbar__thumb",on:{mousedown:this.clickThumbHandler},style:(0,r.renderThumbStyle)({size:t,move:n,bar:i})},[])])},methods:{clickThumbHandler:function(e){this.startDrag(e),this[this.bar.axis]=e.currentTarget[this.bar.offset]-(e[this.bar.client]-e.currentTarget.getBoundingClientRect()[this.bar.direction])},clickTrackHandler:function(e){var t=100*(Math.abs(e.target.getBoundingClientRect()[this.bar.direction]-e[this.bar.client])-this.$refs.thumb[this.bar.offset]/2)/this.$el[this.bar.offset];this.wrap[this.bar.scroll]=t*this.wrap[this.bar.scrollSize]/100},startDrag:function(e){e.stopImmediatePropagation(),this.cursorDown=!0,(0,i.on)(document,"mousemove",this.mouseMoveDocumentHandler),(0,i.on)(document,"mouseup",this.mouseUpDocumentHandler),document.onselectstart=function(){return!1}},mouseMoveDocumentHandler:function(e){if(!1!==this.cursorDown){var t=this[this.bar.axis];if(t){var n=100*(-1*(this.$el.getBoundingClientRect()[this.bar.direction]-e[this.bar.client])-(this.$refs.thumb[this.bar.offset]-t))/this.$el[this.bar.offset];this.wrap[this.bar.scroll]=n*this.wrap[this.bar.scrollSize]/100}}},mouseUpDocumentHandler:function(e){this.cursorDown=!1,this[this.bar.axis]=0,(0,i.off)(document,"mousemove",this.mouseMoveDocumentHandler),document.onselectstart=null}},destroyed:function(){(0,i.off)(document,"mouseup",this.mouseUpDocumentHandler)}}},function(e,t,n){"use strict";t.__esModule=!0,t.renderThumbStyle=function(e){var t=e.move,n=e.size,i=e.bar,r={},o="translate"+i.axis+"("+t+"%)";return r[i.size]=n,r.transform=o,r.msTransform=o,r.webkitTransform=o,r};t.BAR_MAP={vertical:{offset:"offsetHeight",scroll:"scrollTop",scrollSize:"scrollHeight",size:"height",key:"vertical",axis:"Y",client:"clientY",direction:"top"},horizontal:{offset:"offsetWidth",scroll:"scrollLeft",scrollSize:"scrollWidth",size:"width",key:"horizontal",axis:"X",client:"clientX",direction:"left"}}},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(345),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(346),r=n.n(i),o=n(347),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;t.default={name:"ElCarouselItem",props:{name:String,label:{type:[String,Number],default:""}},data:function(){return{hover:!1,translate:0,scale:1,active:!1,ready:!1,inStage:!1,animating:!1}},methods:{processIndex:function(e,t,n){return 0===t&&e===n-1?-1:t===n-1&&0===e?n:e<t-1&&t-e>=n/2?n+1:e>t+1&&e-t>=n/2?-2:e},calculateTranslate:function(e,t,n){return this.inStage?n*(1.17*(e-t)+1)/4:e<t?-1.83*n/4:3.83*n/4},translateItem:function(e,t,n){var i=this.$parent.$el.offsetWidth,r=this.$parent.items.length;"card"!==this.$parent.type&&void 0!==n&&(this.animating=e===t||e===n),e!==t&&r>2&&(e=this.processIndex(e,t,r)),"card"===this.$parent.type?(this.inStage=Math.round(Math.abs(e-t))<=1,this.active=e===t,this.translate=this.calculateTranslate(e,t,i),this.scale=this.active?1:.83):(this.active=e===t,this.translate=i*(e-t)),this.ready=!0},handleItemClick:function(){var e=this.$parent;if(e&&"card"===e.type){var t=e.items.indexOf(this);e.setActiveItem(t)}}},created:function(){this.$parent&&this.$parent.updateItems()},destroyed:function(){this.$parent&&this.$parent.updateItems()}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{directives:[{name:"show",rawName:"v-show",value:e.ready,expression:"ready"}],staticClass:"el-carousel__item",class:{"is-active":e.active,"el-carousel__item--card":"card"===e.$parent.type,"is-in-stage":e.inStage,"is-hover":e.hover,"is-animating":e.animating},style:{msTransform:"translateX("+e.translate+"px) scale("+e.scale+")",webkitTransform:"translateX("+e.translate+"px) scale("+e.scale+")",transform:"translateX("+e.translate+"px) scale("+e.scale+")"},on:{click:e.handleItemClick}},["card"===e.$parent.type?n("div",{directives:[{name:"show",rawName:"v-show",value:!e.active,expression:"!active"}],staticClass:"el-carousel__mask"}):e._e(),e._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(349),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(350),r=n.n(i),o=n(351),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElCollapse",componentName:"ElCollapse",props:{accordion:Boolean,value:{type:[Array,String,Number],default:function(){return[]}}},data:function(){return{activeNames:[].concat(this.value)}},provide:function(){return{collapse:this}},watch:{value:function(e){this.activeNames=[].concat(e)}},methods:{setActiveNames:function(e){e=[].concat(e);var t=this.accordion?e[0]:e;this.activeNames=e,this.$emit("input",t),this.$emit("change",t)},handleItemClick:function(e){if(this.accordion)this.setActiveNames(!this.activeNames[0]&&0!==this.activeNames[0]||this.activeNames[0]!==e.name?e.name:"");else{var t=this.activeNames.slice(0),n=t.indexOf(e.name);n>-1?t.splice(n,1):t.push(e.name),this.setActiveNames(t)}}},created:function(){this.$on("item-click",this.handleItemClick)}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("div",{staticClass:"el-collapse",attrs:{role:"tablist","aria-multiselectable":"true"}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(353),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(354),r=n.n(i),o=n(355),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(20)),r=s(n(1)),o=n(4);function s(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElCollapseItem",componentName:"ElCollapseItem",mixins:[r.default],components:{ElCollapseTransition:i.default},data:function(){return{contentWrapStyle:{height:"auto",display:"block"},contentHeight:0,focusing:!1,isClick:!1}},inject:["collapse"],props:{title:String,name:{type:[String,Number],default:function(){return this._uid}}},computed:{isActive:function(){return this.collapse.activeNames.indexOf(this.name)>-1},id:function(){return(0,o.generateId)()}},methods:{handleFocus:function(){var e=this;setTimeout(function(){e.isClick?e.isClick=!1:e.focusing=!0},50)},handleHeaderClick:function(){this.dispatch("ElCollapse","item-click",this),this.focusing=!1,this.isClick=!0},handleEnterClick:function(){this.dispatch("ElCollapse","item-click",this)}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-collapse-item",class:{"is-active":e.isActive}},[n("div",{attrs:{role:"tab","aria-expanded":e.isActive,"aria-controls":"el-collapse-content-"+e.id,"aria-describedby":"el-collapse-content-"+e.id}},[n("div",{staticClass:"el-collapse-item__header",class:{focusing:e.focusing,"is-active":e.isActive},attrs:{role:"button",id:"el-collapse-head-"+e.id,tabindex:"0"},on:{click:e.handleHeaderClick,keyup:function(t){if(!("button"in t)&&e._k(t.keyCode,"space",32,t.key)&&e._k(t.keyCode,"enter",13,t.key))return null;t.stopPropagation(),e.handleEnterClick(t)},focus:e.handleFocus,blur:function(t){e.focusing=!1}}},[n("i",{staticClass:"el-collapse-item__arrow el-icon-arrow-right",class:{"is-active":e.isActive}}),e._t("title",[e._v(e._s(e.title))])],2)]),n("el-collapse-transition",[n("div",{directives:[{name:"show",rawName:"v-show",value:e.isActive,expression:"isActive"}],staticClass:"el-collapse-item__wrap",attrs:{role:"tabpanel","aria-hidden":!e.isActive,"aria-labelledby":"el-collapse-head-"+e.id,id:"el-collapse-content-"+e.id}},[n("div",{staticClass:"el-collapse-item__content"},[e._t("default")],2)])])],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(357),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(358),r=n.n(i),o=n(362),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=h(n(5)),r=h(n(359)),o=h(n(6)),s=h(n(8)),a=h(n(9)),l=h(n(1)),u=h(n(2)),c=n(16),d=h(n(13)),f=n(4);function h(e){return e&&e.__esModule?e:{default:e}}var p={props:{placement:{type:String,default:"bottom-start"},appendToBody:s.default.props.appendToBody,arrowOffset:s.default.props.arrowOffset,offset:s.default.props.offset,boundariesPadding:s.default.props.boundariesPadding,popperOptions:s.default.props.popperOptions},methods:s.default.methods,data:s.default.data,beforeDestroy:s.default.beforeDestroy};t.default={name:"ElCascader",directives:{Clickoutside:a.default},mixins:[p,l.default,u.default],inject:{elForm:{default:""},elFormItem:{default:""}},components:{ElInput:o.default},props:{options:{type:Array,required:!0},props:{type:Object,default:function(){return{children:"children",label:"label",value:"value",disabled:"disabled"}}},value:{type:Array,default:function(){return[]}},separator:{type:String,default:"/"},placeholder:{type:String,default:function(){return(0,c.t)("el.cascader.placeholder")}},disabled:Boolean,clearable:{type:Boolean,default:!1},changeOnSelect:Boolean,popperClass:String,expandTrigger:{type:String,default:"click"},filterable:Boolean,size:String,showAllLevels:{type:Boolean,default:!0},debounce:{type:Number,default:300},beforeFilter:{type:Function,default:function(){return function(){}}},hoverThreshold:{type:Number,default:500}},data:function(){return{currentValue:this.value||[],menu:null,debouncedInputChange:function(){},menuVisible:!1,inputHover:!1,inputValue:"",flatOptions:null}},computed:{labelKey:function(){return this.props.label||"label"},valueKey:function(){return this.props.value||"value"},childrenKey:function(){return this.props.children||"children"},currentLabels:function(){var e=this,t=this.options,n=[];return this.currentValue.forEach(function(i){var r=t&&t.filter(function(t){return t[e.valueKey]===i})[0];r&&(n.push(r[e.labelKey]),t=r[e.childrenKey])}),n},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},cascaderSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},cascaderDisabled:function(){return this.disabled||(this.elForm||{}).disabled},id:function(){return(0,f.generateId)()}},watch:{menuVisible:function(e){this.$refs.input.$refs.input.setAttribute("aria-expanded",e),e?this.showMenu():this.hideMenu()},value:function(e){this.currentValue=e},currentValue:function(e){this.dispatch("ElFormItem","el.form.change",[e])},currentLabels:function(e){var t=this.showAllLevels?e.join("/"):e[e.length-1];this.$refs.input.$refs.input.setAttribute("value",t)},options:{deep:!0,handler:function(e){this.menu||this.initMenu(),this.flatOptions=this.flattenOptions(this.options),this.menu.options=e}}},methods:{initMenu:function(){this.menu=new i.default(r.default).$mount(),this.menu.options=this.options,this.menu.props=this.props,this.menu.expandTrigger=this.expandTrigger,this.menu.changeOnSelect=this.changeOnSelect,this.menu.popperClass=this.popperClass,this.menu.hoverThreshold=this.hoverThreshold,this.popperElm=this.menu.$el,this.menu.$refs.menus[0].setAttribute("id","cascader-menu-"+this.id),this.menu.$on("pick",this.handlePick),this.menu.$on("activeItemChange",this.handleActiveItemChange),this.menu.$on("menuLeave",this.doDestroy),this.menu.$on("closeInside",this.handleClickoutside)},showMenu:function(){var e=this;this.menu||this.initMenu(),this.menu.value=this.currentValue.slice(0),this.menu.visible=!0,this.menu.options=this.options,this.$nextTick(function(t){e.updatePopper(),e.menu.inputWidth=e.$refs.input.$el.offsetWidth-2})},hideMenu:function(){this.inputValue="",this.menu.visible=!1,this.$refs.input.focus()},handleActiveItemChange:function(e){var t=this;this.$nextTick(function(e){t.updatePopper()}),this.$emit("active-item-change",e)},handleKeydown:function(e){var t=this,n=e.keyCode;13===n?this.handleClick():40===n?(this.menuVisible=!0,setTimeout(function(){t.popperElm.querySelectorAll(".el-cascader-menu")[0].querySelectorAll("[tabindex='-1']")[0].focus()}),e.stopPropagation(),e.preventDefault()):27!==n&&9!==n||(this.inputValue="",this.menu&&(this.menu.visible=!1))},handlePick:function(e){var t=!(arguments.length>1&&void 0!==arguments[1])||arguments[1];this.currentValue=e,this.$emit("input",e),this.$emit("change",e),t?this.menuVisible=!1:this.$nextTick(this.updatePopper)},handleInputChange:function(e){var t=this;if(this.menuVisible){var n=this.flatOptions;if(!e)return this.menu.options=this.options,void this.$nextTick(this.updatePopper);var i=n.filter(function(n){return n.some(function(n){return new RegExp(e,"i").test(n[t.labelKey])})});i=i.length>0?i.map(function(n){return{__IS__FLAT__OPTIONS:!0,value:n.map(function(e){return e[t.valueKey]}),label:t.renderFilteredOptionLabel(e,n)}}):[{__IS__FLAT__OPTIONS:!0,label:this.t("el.cascader.noMatch"),value:"",disabled:!0}],this.menu.options=i,this.$nextTick(this.updatePopper)}},renderFilteredOptionLabel:function(e,t){var n=this;return t.map(function(t,i){var r=t[n.labelKey],o=r.toLowerCase().indexOf(e.toLowerCase()),s=r.slice(o,e.length+o),a=o>-1?n.highlightKeyword(r,s):r;return 0===i?a:[" / ",a]})},highlightKeyword:function(e,t){var n=this,i=this._c;return e.split(t).map(function(e,r){return 0===r?e:[i("span",{class:{"el-cascader-menu__item__keyword":!0}},[n._v(t)]),e]})},flattenOptions:function(e){var t=this,n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:[],i=[];return e.forEach(function(e){var r=n.concat(e);e[t.childrenKey]?(t.changeOnSelect&&i.push(r),i=i.concat(t.flattenOptions(e[t.childrenKey],r))):i.push(r)}),i},clearValue:function(e){e.stopPropagation(),this.handlePick([],!0)},handleClickoutside:function(){this.menuVisible=!1},handleClick:function(){this.cascaderDisabled||(this.$refs.input.focus(),this.filterable?this.menuVisible=!0:this.menuVisible=!this.menuVisible)},handleFocus:function(e){this.$emit("focus",e)},handleBlur:function(e){this.$emit("blur",e)}},created:function(){var e=this;this.debouncedInputChange=(0,d.default)(this.debounce,function(t){var n=e.beforeFilter(t);n&&n.then?(e.menu.options=[{__IS__FLAT__OPTIONS:!0,label:e.t("el.cascader.loading"),value:"",disabled:!0}],n.then(function(){e.$nextTick(function(){e.handleInputChange(t)})})):!1!==n&&e.$nextTick(function(){e.handleInputChange(t)})})},mounted:function(){this.flatOptions=this.flattenOptions(this.options)}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(360),r=n.n(i),o=n(0)(r.a,null,!1,null,null,null);t.default=o.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(42)),r=n(361),o=a(n(25)),s=n(4);function a(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElCascaderMenu",data:function(){return{inputWidth:0,options:[],props:{},visible:!1,activeValue:[],value:[],expandTrigger:"click",changeOnSelect:!1,popperClass:"",hoverTimer:0,clicking:!1}},watch:{visible:function(e){e&&(this.activeValue=this.value)},value:{immediate:!0,handler:function(e){this.activeValue=e}}},computed:{activeOptions:{cache:!1,get:function(){var e=this,t=this.activeValue,n=["label","value","children","disabled"],i=function e(t,n){if(!t||!Array.isArray(t)||!n)return t;var i=[],r=["__IS__FLAT__OPTIONS","label","value","disabled"],o=n.children||"children";return t.forEach(function(t){var s={};r.forEach(function(e){var i=n[e],r=t[i];void 0===r&&(r=t[i=e]),void 0!==r&&(s[i]=r)}),Array.isArray(t[o])&&(s[o]=e(t[o],n)),i.push(s)}),i}(this.options,this.props);return function t(i){i.forEach(function(i){i.__IS__FLAT__OPTIONS||(n.forEach(function(t){var n=i[e.props[t]||t];void 0!==n&&(i[t]=n)}),Array.isArray(i.children)&&t(i.children))})}(i),function e(n){var i=arguments.length>1&&void 0!==arguments[1]?arguments[1]:[],o=i.length;i[o]=n;var s=t[o];return(0,r.isDef)(s)&&(n=n.filter(function(e){return e.value===s})[0])&&n.children&&e(n.children,i),i}(i)}},id:function(){return(0,s.generateId)()}},methods:{select:function(e,t){e.__IS__FLAT__OPTIONS?this.activeValue=e.value:t?this.activeValue.splice(t,this.activeValue.length-1,e.value):this.activeValue=[e.value],this.$emit("pick",this.activeValue.slice())},handleMenuLeave:function(){this.$emit("menuLeave")},activeItem:function(e,t){var n=this.activeOptions.length;this.activeValue.splice(t,n,e.value),this.activeOptions.splice(t+1,n,e.children),this.changeOnSelect?this.$emit("pick",this.activeValue.slice(),!1):this.$emit("activeItemChange",this.activeValue)},scrollMenu:function(e){(0,o.default)(e,e.getElementsByClassName("is-active")[0])},handleMenuEnter:function(){var e=this;this.$nextTick(function(){return e.$refs.menus.forEach(function(t){return e.scrollMenu(t)})})}},render:function(e){var t=this,n=this.activeValue,r=this.activeOptions,o=this.visible,s=this.expandTrigger,a=this.popperClass,l=this.hoverThreshold,u=null,c=0,d={},f=function(e){var n=d.activeMenu;if(n){var i=e.offsetX,r=n.offsetWidth,o=n.offsetHeight;if(e.target===d.activeItem){clearTimeout(t.hoverTimer);var s=d.activeItem,a=s.offsetTop,u=a+s.offsetHeight;d.hoverZone.innerHTML='\n <path style="pointer-events: auto;" fill="transparent" d="M'+i+" "+a+" L"+r+" 0 V"+a+' Z" />\n <path style="pointer-events: auto;" fill="transparent" d="M'+i+" "+u+" L"+r+" "+o+" V"+u+' Z" />\n '}else t.hoverTimer||(t.hoverTimer=setTimeout(function(){d.hoverZone.innerHTML=""},l))}},h=this._l(r,function(r,o){var a=!1,l="menu-"+t.id+"-"+o,d="menu-"+t.id+"-"+(o+1),h=t._l(r,function(r){var f,h,p={on:{}};return r.__IS__FLAT__OPTIONS&&(a=!0),r.disabled||(p.on.keydown=function(e){var n=e.keyCode;if(!([37,38,39,40,13,9,27].indexOf(n)<0)){var i=e.target,s=t.$refs.menus[o],a=s.querySelectorAll("[tabindex='-1']"),l=Array.prototype.indexOf.call(a,i),u=void 0;if([38,40].indexOf(n)>-1)38===n?u=0!==l?l-1:l:40===n&&(u=l!==a.length-1?l+1:l),a[u].focus();else if(37===n){if(0!==o)t.$refs.menus[o-1].querySelector("[aria-expanded=true]").focus()}else if(39===n)r.children&&t.$refs.menus[o+1].querySelectorAll("[tabindex='-1']")[0].focus();else if(13===n){if(!r.children){var c=i.getAttribute("id");s.setAttribute("aria-activedescendant",c),t.select(r,o),t.$nextTick(function(){return t.scrollMenu(t.$refs.menus[o])})}}else 9!==n&&27!==n||t.$emit("closeInside")}},r.children?(f={click:"click",hover:"mouseenter"}[s],h=function(){t.activeItem(r,o),t.$nextTick(function(){t.scrollMenu(t.$refs.menus[o]),t.scrollMenu(t.$refs.menus[o+1])})},p.on[f]=h,p.on.mousedown=function(){t.clicking=!0},p.on.focus=function(){t.clicking?t.clicking=!1:h()}):p.on.click=function(){t.select(r,o),t.$nextTick(function(){return t.scrollMenu(t.$refs.menus[o])})}),r.disabled||r.children||(u=l+"-"+c,c++),e("li",(0,i.default)([{class:{"el-cascader-menu__item":!0,"el-cascader-menu__item--extensible":r.children,"is-active":r.value===n[o],"is-disabled":r.disabled},ref:r.value===n[o]?"activeItem":null},p,{attrs:{tabindex:r.disabled?null:-1,role:"menuitem","aria-haspopup":!!r.children,"aria-expanded":r.value===n[o],id:u,"aria-owns":r.children?d:null}}]),[r.label])}),p={};a&&(p.minWidth=t.inputWidth+"px");var m="hover"===s&&n.length-1===o,v={on:{}};return m&&(v.on.mousemove=f,p.position="relative"),e("ul",(0,i.default)([{class:{"el-cascader-menu":!0,"el-cascader-menu--flexible":a}},v,{style:p,refInFor:!0,ref:"menus",attrs:{role:"menu",id:l}}]),[h,m?e("svg",{ref:"hoverZone",style:{position:"absolute",top:0,height:"100%",width:"100%",left:0,pointerEvents:"none"}},[]):null])});return"hover"===s&&this.$nextTick(function(){var e=t.$refs.activeItem;if(e){var n=e.parentElement,i=t.$refs.hoverZone;d={activeMenu:n,activeItem:e,hoverZone:i}}else d={}}),e("transition",{attrs:{name:"el-zoom-in-top"},on:{"before-enter":this.handleMenuEnter,"after-leave":this.handleMenuLeave}},[e("div",{directives:[{name:"show",value:o}],class:["el-cascader-menus el-popper",a],ref:"wrapper"},[e("div",{attrs:{"x-arrow":!0},class:"popper__arrow"},[]),h])])}}},function(e,t){e.exports=n("E/in")},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("span",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.handleClickoutside,expression:"handleClickoutside"}],ref:"reference",staticClass:"el-cascader",class:[{"is-opened":e.menuVisible,"is-disabled":e.cascaderDisabled},e.cascaderSize?"el-cascader--"+e.cascaderSize:""],on:{click:e.handleClick,mouseenter:function(t){e.inputHover=!0},focus:function(t){e.inputHover=!0},mouseleave:function(t){e.inputHover=!1},blur:function(t){e.inputHover=!1},keydown:e.handleKeydown}},[n("el-input",{ref:"input",attrs:{readonly:!e.filterable,placeholder:e.currentLabels.length?void 0:e.placeholder,"validate-event":!1,size:e.size,disabled:e.cascaderDisabled},on:{input:e.debouncedInputChange,focus:e.handleFocus,blur:e.handleBlur},model:{value:e.inputValue,callback:function(t){e.inputValue=t},expression:"inputValue"}},[n("template",{attrs:{slot:"suffix"},slot:"suffix"},[e.clearable&&e.inputHover&&e.currentLabels.length?n("i",{key:"1",staticClass:"el-input__icon el-icon-circle-close el-cascader__clearIcon",on:{click:e.clearValue}}):n("i",{key:"2",staticClass:"el-input__icon el-icon-arrow-down",class:{"is-reverse":e.menuVisible}})])],2),n("span",{directives:[{name:"show",rawName:"v-show",value:""===e.inputValue,expression:"inputValue === ''"}],staticClass:"el-cascader__label"},[e.showAllLevels?[e._l(e.currentLabels,function(t,i){return[e._v("\n "+e._s(t)+"\n "),i<e.currentLabels.length-1?n("span",[e._v(" "+e._s(e.separator)+" ")]):e._e()]})]:[e._v("\n "+e._s(e.currentLabels[e.currentLabels.length-1])+"\n ")]],2)],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(364),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(365),r=n.n(i),o=n(381),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=s(n(44)),r=s(n(366)),o=s(n(9));function s(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElColorPicker",props:{value:String,showAlpha:Boolean,colorFormat:String,disabled:Boolean,size:String,popperClass:String,predefine:Array},inject:{elForm:{default:""},elFormItem:{default:""}},directives:{Clickoutside:o.default},computed:{displayedColor:function(){if(this.value||this.showPanelColor){var e=this.color.toRgb(),t=e.r,n=e.g,i=e.b;return this.showAlpha?"rgba("+t+", "+n+", "+i+", "+this.color.get("alpha")/100+")":"rgb("+t+", "+n+", "+i+")"}return"transparent"},_elFormItemSize:function(){return(this.elFormItem||{}).elFormItemSize},colorSize:function(){return this.size||this._elFormItemSize||(this.$ELEMENT||{}).size},colorDisabled:function(){return this.disabled||(this.elForm||{}).disabled}},watch:{value:function(e){e?e&&e!==this.color.value&&this.color.fromString(e):this.showPanelColor=!1},color:{deep:!0,handler:function(){this.showPanelColor=!0}},displayedColor:function(e){this.$emit("active-change",e)}},methods:{handleTrigger:function(){this.colorDisabled||(this.showPicker=!this.showPicker)},confirmValue:function(e){this.$emit("input",this.color.value),this.$emit("change",this.color.value),this.showPicker=!1},clearValue:function(){this.$emit("input",null),this.$emit("change",null),this.showPanelColor=!1,this.showPicker=!1,this.resetColor()},hide:function(){this.showPicker=!1,this.resetColor()},resetColor:function(){var e=this;this.$nextTick(function(t){e.value?e.color.fromString(e.value):e.showPanelColor=!1})}},mounted:function(){var e=this.value;e&&this.color.fromString(e),this.popperElm=this.$refs.dropdown.$el},data:function(){return{color:new i.default({enableAlpha:this.showAlpha,format:this.colorFormat}),showPicker:!1,showPanelColor:!1}},components:{PickerDropdown:r.default}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(367),r=n.n(i),o=n(380),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=d(n(368)),r=d(n(371)),o=d(n(374)),s=d(n(377)),a=d(n(8)),l=d(n(2)),u=d(n(6)),c=d(n(15));function d(e){return e&&e.__esModule?e:{default:e}}t.default={name:"el-color-picker-dropdown",mixins:[a.default,l.default],components:{SvPanel:i.default,HueSlider:r.default,AlphaSlider:o.default,ElInput:u.default,ElButton:c.default,Predefine:s.default},props:{color:{required:!0},showAlpha:Boolean,predefine:Array},data:function(){return{customInput:""}},computed:{currentColor:function(){var e=this.$parent;return e.value||e.showPanelColor?e.color.value:""}},methods:{confirmValue:function(){this.$emit("pick")},handleConfirm:function(){this.color.fromString(this.customInput)}},mounted:function(){this.$parent.popperElm=this.popperElm=this.$el,this.referenceElm=this.$parent.$el},watch:{showPopper:function(e){var t=this;!0===e&&this.$nextTick(function(){var e=t.$refs,n=e.sl,i=e.hue,r=e.alpha;n&&n.update(),i&&i.update(),r&&r.update()})},currentColor:function(e){this.customInput=e}}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(369),r=n.n(i),o=n(370),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(29),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"el-sl-panel",props:{color:{required:!0}},computed:{colorValue:function(){return{hue:this.color.get("hue"),value:this.color.get("value")}}},watch:{colorValue:function(){this.update()}},methods:{update:function(){var e=this.color.get("saturation"),t=this.color.get("value"),n=this.$el.getBoundingClientRect(),i=n.width,r=n.height;r||(r=3*i/4),this.cursorLeft=e*i/100,this.cursorTop=(100-t)*r/100,this.background="hsl("+this.color.get("hue")+", 100%, 50%)"},handleDrag:function(e){var t=this.$el.getBoundingClientRect(),n=e.clientX-t.left,i=e.clientY-t.top;n=Math.max(0,n),n=Math.min(n,t.width),i=Math.max(0,i),i=Math.min(i,t.height),this.cursorLeft=n,this.cursorTop=i,this.color.set({saturation:n/t.width*100,value:100-i/t.height*100})}},mounted:function(){var e=this;(0,o.default)(this.$el,{drag:function(t){e.handleDrag(t)},end:function(t){e.handleDrag(t)}}),this.update()},data:function(){return{cursorTop:0,cursorLeft:0,background:"hsl(0, 100%, 50%)"}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("div",{staticClass:"el-color-svpanel",style:{backgroundColor:this.background}},[t("div",{staticClass:"el-color-svpanel__white"}),t("div",{staticClass:"el-color-svpanel__black"}),t("div",{staticClass:"el-color-svpanel__cursor",style:{top:this.cursorTop+"px",left:this.cursorLeft+"px"}},[t("div")])])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(372),r=n.n(i),o=n(373),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(29),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"el-color-hue-slider",props:{color:{required:!0},vertical:Boolean},data:function(){return{thumbLeft:0,thumbTop:0}},computed:{hueValue:function(){return this.color.get("hue")}},watch:{hueValue:function(){this.update()}},methods:{handleClick:function(e){var t=this.$refs.thumb;e.target!==t&&this.handleDrag(e)},handleDrag:function(e){var t=this.$el.getBoundingClientRect(),n=this.$refs.thumb,i=void 0;if(this.vertical){var r=e.clientY-t.top;r=Math.min(r,t.height-n.offsetHeight/2),r=Math.max(n.offsetHeight/2,r),i=Math.round((r-n.offsetHeight/2)/(t.height-n.offsetHeight)*360)}else{var o=e.clientX-t.left;o=Math.min(o,t.width-n.offsetWidth/2),o=Math.max(n.offsetWidth/2,o),i=Math.round((o-n.offsetWidth/2)/(t.width-n.offsetWidth)*360)}this.color.set("hue",i)},getThumbLeft:function(){if(this.vertical)return 0;var e=this.$el,t=this.color.get("hue");if(!e)return 0;var n=this.$refs.thumb;return Math.round(t*(e.offsetWidth-n.offsetWidth/2)/360)},getThumbTop:function(){if(!this.vertical)return 0;var e=this.$el,t=this.color.get("hue");if(!e)return 0;var n=this.$refs.thumb;return Math.round(t*(e.offsetHeight-n.offsetHeight/2)/360)},update:function(){this.thumbLeft=this.getThumbLeft(),this.thumbTop=this.getThumbTop()}},mounted:function(){var e=this,t=this.$refs,n=t.bar,i=t.thumb,r={drag:function(t){e.handleDrag(t)},end:function(t){e.handleDrag(t)}};(0,o.default)(n,r),(0,o.default)(i,r),this.update()}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("div",{staticClass:"el-color-hue-slider",class:{"is-vertical":this.vertical}},[t("div",{ref:"bar",staticClass:"el-color-hue-slider__bar",on:{click:this.handleClick}}),t("div",{ref:"thumb",staticClass:"el-color-hue-slider__thumb",style:{left:this.thumbLeft+"px",top:this.thumbTop+"px"}})])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(375),r=n.n(i),o=n(376),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(29),o=(i=r)&&i.__esModule?i:{default:i};t.default={name:"el-color-alpha-slider",props:{color:{required:!0},vertical:Boolean},watch:{"color._alpha":function(){this.update()},"color.value":function(){this.update()}},methods:{handleClick:function(e){var t=this.$refs.thumb;e.target!==t&&this.handleDrag(e)},handleDrag:function(e){var t=this.$el.getBoundingClientRect(),n=this.$refs.thumb;if(this.vertical){var i=e.clientY-t.top;i=Math.max(n.offsetHeight/2,i),i=Math.min(i,t.height-n.offsetHeight/2),this.color.set("alpha",Math.round((i-n.offsetHeight/2)/(t.height-n.offsetHeight)*100))}else{var r=e.clientX-t.left;r=Math.max(n.offsetWidth/2,r),r=Math.min(r,t.width-n.offsetWidth/2),this.color.set("alpha",Math.round((r-n.offsetWidth/2)/(t.width-n.offsetWidth)*100))}},getThumbLeft:function(){if(this.vertical)return 0;var e=this.$el,t=this.color._alpha;if(!e)return 0;var n=this.$refs.thumb;return Math.round(t*(e.offsetWidth-n.offsetWidth/2)/100)},getThumbTop:function(){if(!this.vertical)return 0;var e=this.$el,t=this.color._alpha;if(!e)return 0;var n=this.$refs.thumb;return Math.round(t*(e.offsetHeight-n.offsetHeight/2)/100)},getBackground:function(){if(this.color&&this.color.value){var e=this.color.toRgb(),t=e.r,n=e.g,i=e.b;return"linear-gradient(to right, rgba("+t+", "+n+", "+i+", 0) 0%, rgba("+t+", "+n+", "+i+", 1) 100%)"}return null},update:function(){this.thumbLeft=this.getThumbLeft(),this.thumbTop=this.getThumbTop(),this.background=this.getBackground()}},data:function(){return{thumbLeft:0,thumbTop:0,background:null}},mounted:function(){var e=this,t=this.$refs,n=t.bar,i=t.thumb,r={drag:function(t){e.handleDrag(t)},end:function(t){e.handleDrag(t)}};(0,o.default)(n,r),(0,o.default)(i,r),this.update()}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement,t=this._self._c||e;return t("div",{staticClass:"el-color-alpha-slider",class:{"is-vertical":this.vertical}},[t("div",{ref:"bar",staticClass:"el-color-alpha-slider__bar",style:{background:this.background},on:{click:this.handleClick}}),t("div",{ref:"thumb",staticClass:"el-color-alpha-slider__thumb",style:{left:this.thumbLeft+"px",top:this.thumbTop+"px"}})])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(378),r=n.n(i),o=n(379),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(44),o=(i=r)&&i.__esModule?i:{default:i};t.default={props:{colors:{type:Array,required:!0},color:{required:!0}},data:function(){return{rgbaColors:this.parseColors(this.colors,this.color)}},methods:{handleSelect:function(e){this.color.fromString(this.colors[e])},parseColors:function(e,t){return e.map(function(e){var n=new o.default;return n.enableAlpha=!0,n.format="rgba",n.fromString(e),n.selected=n.value===t.value,n})}},watch:{"$parent.currentColor":function(e){var t=new o.default;t.fromString(e),this.rgbaColors.forEach(function(e){e.selected=t.compare(e)})},colors:function(e){this.rgbaColors=this.parseColors(e,this.color)},color:function(e){this.rgbaColors=this.parseColors(this.colors,e)}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-color-predefine"},[n("div",{staticClass:"el-color-predefine__colors"},e._l(e.rgbaColors,function(t,i){return n("div",{key:e.colors[i],staticClass:"el-color-predefine__color-selector",class:{selected:t.selected,"is-alpha":t._alpha<100},on:{click:function(t){e.handleSelect(i)}}},[n("div",{style:{"background-color":t.value}})])}))])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("transition",{attrs:{name:"el-zoom-in-top"},on:{"after-leave":e.doDestroy}},[n("div",{directives:[{name:"show",rawName:"v-show",value:e.showPopper,expression:"showPopper"}],staticClass:"el-color-dropdown"},[n("div",{staticClass:"el-color-dropdown__main-wrapper"},[n("hue-slider",{ref:"hue",staticStyle:{float:"right"},attrs:{color:e.color,vertical:""}}),n("sv-panel",{ref:"sl",attrs:{color:e.color}})],1),e.showAlpha?n("alpha-slider",{ref:"alpha",attrs:{color:e.color}}):e._e(),e.predefine?n("predefine",{attrs:{color:e.color,colors:e.predefine}}):e._e(),n("div",{staticClass:"el-color-dropdown__btns"},[n("span",{staticClass:"el-color-dropdown__value"},[n("el-input",{attrs:{size:"mini"},on:{blur:e.handleConfirm},nativeOn:{keyup:function(t){if(!("button"in t)&&e._k(t.keyCode,"enter",13,t.key))return null;e.handleConfirm(t)}},model:{value:e.customInput,callback:function(t){e.customInput=t},expression:"customInput"}})],1),n("el-button",{staticClass:"el-color-dropdown__link-btn",attrs:{size:"mini",type:"text"},on:{click:function(t){e.$emit("clear")}}},[e._v("\n "+e._s(e.t("el.colorpicker.clear"))+"\n ")]),n("el-button",{staticClass:"el-color-dropdown__btn",attrs:{plain:"",size:"mini"},on:{click:e.confirmValue}},[e._v("\n "+e._s(e.t("el.colorpicker.confirm"))+"\n ")])],1)],1)])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{directives:[{name:"clickoutside",rawName:"v-clickoutside",value:e.hide,expression:"hide"}],class:["el-color-picker",e.colorDisabled?"is-disabled":"",e.colorSize?"el-color-picker--"+e.colorSize:""]},[e.colorDisabled?n("div",{staticClass:"el-color-picker__mask"}):e._e(),n("div",{staticClass:"el-color-picker__trigger",on:{click:e.handleTrigger}},[n("span",{staticClass:"el-color-picker__color",class:{"is-alpha":e.showAlpha}},[n("span",{staticClass:"el-color-picker__color-inner",style:{backgroundColor:e.displayedColor}}),e.value||e.showPanelColor?e._e():n("span",{staticClass:"el-color-picker__empty el-icon-close"})]),n("span",{directives:[{name:"show",rawName:"v-show",value:e.value||e.showPanelColor,expression:"value || showPanelColor"}],staticClass:"el-color-picker__icon el-icon-arrow-down"})]),n("picker-dropdown",{ref:"dropdown",class:["el-color-picker__panel",e.popperClass||""],attrs:{color:e.color,"show-alpha":e.showAlpha,predefine:e.predefine},on:{pick:e.confirmValue,clear:e.clearValue},model:{value:e.showPicker,callback:function(t){e.showPicker=t},expression:"showPicker"}})],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(383),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(384),r=n.n(i),o=n(388),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=l(n(15)),r=l(n(1)),o=l(n(2)),s=l(n(385)),a=l(n(7));function l(e){return e&&e.__esModule?e:{default:e}}t.default={name:"ElTransfer",mixins:[r.default,o.default,a.default],components:{TransferPanel:s.default,ElButton:i.default},props:{data:{type:Array,default:function(){return[]}},titles:{type:Array,default:function(){return[]}},buttonTexts:{type:Array,default:function(){return[]}},filterPlaceholder:{type:String,default:""},filterMethod:Function,leftDefaultChecked:{type:Array,default:function(){return[]}},rightDefaultChecked:{type:Array,default:function(){return[]}},renderContent:Function,value:{type:Array,default:function(){return[]}},format:{type:Object,default:function(){return{}}},filterable:Boolean,props:{type:Object,default:function(){return{label:"label",key:"key",disabled:"disabled"}}},targetOrder:{type:String,default:"original"}},data:function(){return{leftChecked:[],rightChecked:[]}},computed:{dataObj:function(){var e=this.props.key;return this.data.reduce(function(t,n){return(t[n[e]]=n)&&t},{})},sourceData:function(){var e=this;return this.data.filter(function(t){return-1===e.value.indexOf(t[e.props.key])})},targetData:function(){var e=this;return"original"===this.targetOrder?this.data.filter(function(t){return e.value.indexOf(t[e.props.key])>-1}):this.value.map(function(t){return e.dataObj[t]})},hasButtonTexts:function(){return 2===this.buttonTexts.length}},watch:{value:function(e){this.dispatch("ElFormItem","el.form.change",e)}},methods:{getMigratingConfig:function(){return{props:{"footer-format":"footer-format is renamed to format."}}},onSourceCheckedChange:function(e,t){this.leftChecked=e,void 0!==t&&this.$emit("left-check-change",e,t)},onTargetCheckedChange:function(e,t){this.rightChecked=e,void 0!==t&&this.$emit("right-check-change",e,t)},addToLeft:function(){var e=this.value.slice();this.rightChecked.forEach(function(t){var n=e.indexOf(t);n>-1&&e.splice(n,1)}),this.$emit("input",e),this.$emit("change",e,"left",this.rightChecked)},addToRight:function(){var e=this,t=this.value.slice(),n=[],i=this.props.key;this.data.forEach(function(t){var r=t[i];e.leftChecked.indexOf(r)>-1&&-1===e.value.indexOf(r)&&n.push(r)}),t="unshift"===this.targetOrder?n.concat(t):t.concat(n),this.$emit("input",t),this.$emit("change",t,"right",this.leftChecked)},clearQuery:function(e){"left"===e?this.$refs.leftPanel.query="":"right"===e&&(this.$refs.rightPanel.query="")}}}},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(386),r=n.n(i),o=n(387),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0;var i=a(n(36)),r=a(n(14)),o=a(n(6)),s=a(n(2));function a(e){return e&&e.__esModule?e:{default:e}}t.default={mixins:[s.default],name:"ElTransferPanel",componentName:"ElTransferPanel",components:{ElCheckboxGroup:i.default,ElCheckbox:r.default,ElInput:o.default,OptionContent:{props:{option:Object},render:function(e){var t=function e(t){return"ElTransferPanel"===t.$options.componentName?t:t.$parent?e(t.$parent):t}(this);return t.renderContent?t.renderContent(e,this.option):e("span",null,[this.option[t.labelProp]||this.option[t.keyProp]])}}},props:{data:{type:Array,default:function(){return[]}},renderContent:Function,placeholder:String,title:String,filterable:Boolean,format:Object,filterMethod:Function,defaultChecked:Array,props:Object},data:function(){return{checked:[],allChecked:!1,query:"",inputHover:!1,checkChangeByUser:!0}},watch:{checked:function(e,t){if(this.updateAllChecked(),this.checkChangeByUser){var n=e.concat(t).filter(function(n){return-1===e.indexOf(n)||-1===t.indexOf(n)});this.$emit("checked-change",e,n)}else this.$emit("checked-change",e),this.checkChangeByUser=!0},data:function(){var e=this,t=[],n=this.filteredData.map(function(t){return t[e.keyProp]});this.checked.forEach(function(e){n.indexOf(e)>-1&&t.push(e)}),this.checkChangeByUser=!1,this.checked=t},checkableData:function(){this.updateAllChecked()},defaultChecked:{immediate:!0,handler:function(e,t){var n=this;if(!t||e.length!==t.length||!e.every(function(e){return t.indexOf(e)>-1})){var i=[],r=this.checkableData.map(function(e){return e[n.keyProp]});e.forEach(function(e){r.indexOf(e)>-1&&i.push(e)}),this.checkChangeByUser=!1,this.checked=i}}}},computed:{filteredData:function(){var e=this;return this.data.filter(function(t){return"function"==typeof e.filterMethod?e.filterMethod(e.query,t):(t[e.labelProp]||t[e.keyProp].toString()).toLowerCase().indexOf(e.query.toLowerCase())>-1})},checkableData:function(){var e=this;return this.filteredData.filter(function(t){return!t[e.disabledProp]})},checkedSummary:function(){var e=this.checked.length,t=this.data.length,n=this.format,i=n.noChecked,r=n.hasChecked;return i&&r?e>0?r.replace(/\${checked}/g,e).replace(/\${total}/g,t):i.replace(/\${total}/g,t):e+"/"+t},isIndeterminate:function(){var e=this.checked.length;return e>0&&e<this.checkableData.length},hasNoMatch:function(){return this.query.length>0&&0===this.filteredData.length},inputIcon:function(){return this.query.length>0&&this.inputHover?"circle-close":"search"},labelProp:function(){return this.props.label||"label"},keyProp:function(){return this.props.key||"key"},disabledProp:function(){return this.props.disabled||"disabled"},hasFooter:function(){return!!this.$slots.default}},methods:{updateAllChecked:function(){var e=this,t=this.checkableData.map(function(t){return t[e.keyProp]});this.allChecked=t.length>0&&t.every(function(t){return e.checked.indexOf(t)>-1})},handleAllCheckedChange:function(e){var t=this;this.checked=e?this.checkableData.map(function(e){return e[t.keyProp]}):[]},clearQuery:function(){"circle-close"===this.inputIcon&&(this.query="")}}}},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-transfer-panel"},[n("p",{staticClass:"el-transfer-panel__header"},[n("el-checkbox",{attrs:{indeterminate:e.isIndeterminate},on:{change:e.handleAllCheckedChange},model:{value:e.allChecked,callback:function(t){e.allChecked=t},expression:"allChecked"}},[e._v("\n "+e._s(e.title)+"\n "),n("span",[e._v(e._s(e.checkedSummary))])])],1),n("div",{class:["el-transfer-panel__body",e.hasFooter?"is-with-footer":""]},[e.filterable?n("el-input",{staticClass:"el-transfer-panel__filter",attrs:{size:"small",placeholder:e.placeholder},nativeOn:{mouseenter:function(t){e.inputHover=!0},mouseleave:function(t){e.inputHover=!1}},model:{value:e.query,callback:function(t){e.query=t},expression:"query"}},[n("i",{class:["el-input__icon","el-icon-"+e.inputIcon],attrs:{slot:"prefix"},on:{click:e.clearQuery},slot:"prefix"})]):e._e(),n("el-checkbox-group",{directives:[{name:"show",rawName:"v-show",value:!e.hasNoMatch&&e.data.length>0,expression:"!hasNoMatch && data.length > 0"}],staticClass:"el-transfer-panel__list",class:{"is-filterable":e.filterable},model:{value:e.checked,callback:function(t){e.checked=t},expression:"checked"}},e._l(e.filteredData,function(t){return n("el-checkbox",{key:t[e.keyProp],staticClass:"el-transfer-panel__item",attrs:{label:t[e.keyProp],disabled:t[e.disabledProp]}},[n("option-content",{attrs:{option:t}})],1)})),n("p",{directives:[{name:"show",rawName:"v-show",value:e.hasNoMatch,expression:"hasNoMatch"}],staticClass:"el-transfer-panel__empty"},[e._v(e._s(e.t("el.transfer.noMatch")))]),n("p",{directives:[{name:"show",rawName:"v-show",value:0===e.data.length&&!e.hasNoMatch,expression:"data.length === 0 && !hasNoMatch"}],staticClass:"el-transfer-panel__empty"},[e._v(e._s(e.t("el.transfer.noData")))])],1),e.hasFooter?n("p",{staticClass:"el-transfer-panel__footer"},[e._t("default")],2):e._e()])},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";var i={render:function(){var e=this,t=e.$createElement,n=e._self._c||t;return n("div",{staticClass:"el-transfer"},[n("transfer-panel",e._b({ref:"leftPanel",attrs:{data:e.sourceData,title:e.titles[0]||e.t("el.transfer.titles.0"),"default-checked":e.leftDefaultChecked,placeholder:e.filterPlaceholder||e.t("el.transfer.filterPlaceholder")},on:{"checked-change":e.onSourceCheckedChange}},"transfer-panel",e.$props,!1),[e._t("left-footer")],2),n("div",{staticClass:"el-transfer__buttons"},[n("el-button",{class:["el-transfer__button",e.hasButtonTexts?"is-with-texts":""],attrs:{type:"primary",disabled:0===e.rightChecked.length},nativeOn:{click:function(t){e.addToLeft(t)}}},[n("i",{staticClass:"el-icon-arrow-left"}),void 0!==e.buttonTexts[0]?n("span",[e._v(e._s(e.buttonTexts[0]))]):e._e()]),n("el-button",{class:["el-transfer__button",e.hasButtonTexts?"is-with-texts":""],attrs:{type:"primary",disabled:0===e.leftChecked.length},nativeOn:{click:function(t){e.addToRight(t)}}},[void 0!==e.buttonTexts[1]?n("span",[e._v(e._s(e.buttonTexts[1]))]):e._e(),n("i",{staticClass:"el-icon-arrow-right"})])],1),n("transfer-panel",e._b({ref:"rightPanel",attrs:{data:e.targetData,title:e.titles[1]||e.t("el.transfer.titles.1"),"default-checked":e.rightDefaultChecked,placeholder:e.filterPlaceholder||e.t("el.transfer.filterPlaceholder")},on:{"checked-change":e.onTargetCheckedChange}},"transfer-panel",e.$props,!1),[e._t("right-footer")],2)],1)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(390),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(391),r=n.n(i),o=n(392),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElContainer",componentName:"ElContainer",props:{direction:String},computed:{isVertical:function(){return"vertical"===this.direction||"horizontal"!==this.direction&&(!(!this.$slots||!this.$slots.default)&&this.$slots.default.some(function(e){var t=e.componentOptions&&e.componentOptions.tag;return"el-header"===t||"el-footer"===t}))}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("section",{staticClass:"el-container",class:{"is-vertical":this.isVertical}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(394),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(395),r=n.n(i),o=n(396),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElHeader",componentName:"ElHeader",props:{height:{type:String,default:"60px"}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("header",{staticClass:"el-header",style:{height:this.height}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(398),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(399),r=n.n(i),o=n(400),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElAside",componentName:"ElAside",props:{width:{type:String,default:"300px"}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("aside",{staticClass:"el-aside",style:{width:this.width}},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(402),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(403),r=n.n(i),o=n(404),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElMain",componentName:"ElMain"}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("main",{staticClass:"el-main"},[this._t("default")],2)},staticRenderFns:[]};t.a=i},function(e,t,n){"use strict";t.__esModule=!0;var i,r=n(406),o=(i=r)&&i.__esModule?i:{default:i};o.default.install=function(e){e.component(o.default.name,o.default)},t.default=o.default},function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0});var i=n(407),r=n.n(i),o=n(408),s=n(0)(r.a,o.a,!1,null,null,null);t.default=s.exports},function(e,t,n){"use strict";t.__esModule=!0,t.default={name:"ElFooter",componentName:"ElFooter",props:{height:{type:String,default:"60px"}}}},function(e,t,n){"use strict";var i={render:function(){var e=this.$createElement;return(this._self._c||e)("footer",{staticClass:"el-footer",style:{height:this.height}},[this._t("default")],2)},staticRenderFns:[]};t.a=i}])},zQR9:function(e,t,n){"use strict";var i=n("h65t")(!0);n("vIB/")(String,"String",function(e){this._t=String(e),this._i=0},function(){var e,t=this._t,n=this._i;return n>=t.length?{value:void 0,done:!0}:(e=i(t,n),this._i+=e.length,{value:e,done:!1})})},zTCi:function(e,t,n){"use strict";t.__esModule=!0,t.default=function(e,t){if(o.default.prototype.$isServer)return;if(!t)return void(e.scrollTop=0);var n=t.offsetTop,i=t.offsetTop+t.offsetHeight,r=e.scrollTop,s=r+e.clientHeight;n<r?e.scrollTop=n:i>s&&(e.scrollTop=i-e.clientHeight)};var i,r=n("7+uW"),o=(i=r)&&i.__esModule?i:{default:i}}}); //# sourceMappingURL=vendor.a9fe5a68556ef892f0dc.js.map
import React from 'react'; import { connect } from 'react-redux'; import * as actionCreators from '../actions/actionCreators'; import { withFormik, Form, Field } from 'formik'; import * as Yup from 'yup'; function Register({ errors, touched }) { return ( <div className="form-column"> <h1 className="text">Register</h1> <Form id="register-form" className="form-group"> <Field className="input" type="text" name="username" placeholder="Username" required="required" autoComplete="username" /> {touched.username && errors.username && <p>{errors.username}</p>} <Field className="input" type="password" name="password" placeholder="Password" required="required" autoComplete="new-password" /> {touched.password && errors.password && <p>{errors.password}</p>} <Field className="input" type="password" name="confirmPassword" placeholder="Confirm Password" required="required" autoComplete="new-password" /> {touched.confirmPassword && errors.confirmPassword && <p>{errors.confirmPassword}</p>} <Field className="input" type="date" name="birthdate" placeholder="Birthdate" pattern="\d{2}-\d{2}-\d{4}" required="required" /> {touched.birthdate && errors.birthdate && <p>{errors.birthdate}</p>} <button className="button" type="submit"> Register </button> </Form> </div> ); } const FormikRegisterForm = withFormik({ mapPropsToValues({ username, birthdate, password, confirmPassword }) { return { username: username || '', birthdate: birthdate || '', password: password || '', confirmPassword: confirmPassword || '' }; }, validationSchema: Yup.object().shape({ username: Yup.string().required('Please enter your username'), password: Yup.string().required('Please enter your password').min(6), birthdate: Yup.date().max(new Date(), 'Invalid birthdate').required('Please enter your birthdate'), confirmPassword: Yup.string().oneOf([Yup.ref('password'), null], 'Your passwords don\'t match') }), handleSubmit(values, { resetForm, props }) { props.signUp(values); props.login({ username: values.username, password: values.password }); resetForm(); } })(Register); export default connect(state => state, actionCreators)(FormikRegisterForm);
layui.use(['form','layer','laydate','table','laytpl'],function(){ var form = layui.form, layer = parent.layer === undefined ? layui.layer : top.layer, $ = layui.jquery, laydate = layui.laydate, laytpl = layui.laytpl, table = layui.table; //新闻列表 var tableIns = table.render({ elem: '#newsList', url : '/static/admin/json/newsList.json', cellMinWidth : 95, page : true, height : "full-125", limit : 20, limits : [10,15,20,25], id : "newsListTable", cols : [[ {type: "checkbox", fixed:"left", width:50}, {field: 'newsId', title: 'ID', width:60, align:"center"}, {field: 'newsName', title: '文章标题', width:350}, {field: 'newsAuthor', title: '发布者', align:'center'}, {field: 'newsStatus', title: '发布状态', align:'center',templet:"#newsStatus"}, {field: 'newsLook', title: '浏览权限', align:'center'}, {field: 'newsTop', title: '是否置顶', align:'center', templet:function(d){ return '<input type="checkbox" name="newsTop" lay-filter="newsTop" lay-skin="switch" lay-text="是|否" '+d.newsTop+'>' }}, {field: 'newsTime', title: '发布时间', align:'center', minWidth:110, templet:function(d){ return d.newsTime.substring(0,10); }}, {title: '操作', width:170, templet:'#newsListBar',fixed:"right",align:"center"} ]] }); //是否置顶 form.on('switch(newsTop)', function(data){ var index = layer.msg('修改中,请稍候',{icon: 16,time:false,shade:0.8}); setTimeout(function(){ layer.close(index); if(data.elem.checked){ layer.msg("置顶成功!"); }else{ layer.msg("取消置顶成功!"); } },500); }) //搜索【此功能需要后台配合,所以暂时没有动态效果演示】 $(".search_btn").on("click",function(){ if($(".searchVal").val() != ''){ table.reload("newsListTable",{ page: { curr: 1 //重新从第 1 页开始 }, where: { key: $(".searchVal").val() //搜索的关键字 } }) }else{ layer.msg("请输入搜索的内容"); } }); //添加文章 function addNews(edit){ var index = layui.layer.open({ title : "添加文章", type : 2, content : "newsAdd.html", success : function(layero, index){ var body = layui.layer.getChildFrame('body', index); if(edit){ body.find(".newsName").val(edit.newsName); body.find(".abstract").val(edit.abstract); body.find(".thumbImg").attr("src",edit.newsImg); body.find("#news_content").val(edit.content); body.find(".newsStatus select").val(edit.newsStatus); body.find(".openness input[name='openness'][title='"+edit.newsLook+"']").prop("checked","checked"); body.find(".newsTop input[name='newsTop']").prop("checked",edit.newsTop); form.render(); } setTimeout(function(){ layui.layer.tips('点击此处返回文章列表', '.layui-layer-setwin .layui-layer-close', { tips: 3 }); },500) } }) layui.layer.full(index); //改变窗口大小时,重置弹窗的宽高,防止超出可视区域(如F12调出debug的操作) $(window).on("resize",function(){ layui.layer.full(index); }) } $(".addNews_btn").click(function(){ addNews(); }) //批量删除 $(".delAll_btn").click(function(){ var checkStatus = table.checkStatus('newsListTable'), data = checkStatus.data, newsId = []; if(data.length > 0) { for (var i in data) { newsId.push(data[i].newsId); } layer.confirm('确定删除选中的文章?', {icon: 3, title: '提示信息'}, function (index) { // $.get("删除文章接口",{ // newsId : newsId //将需要删除的newsId作为参数传入 // },function(data){ tableIns.reload(); layer.close(index); // }) }) }else{ layer.msg("请选择需要删除的文章"); } }) //列表操作 table.on('tool(newsList)', function(obj){ var layEvent = obj.event, data = obj.data; if(layEvent === 'edit'){ //编辑 addNews(data); } else if(layEvent === 'del'){ //删除 layer.confirm('确定删除此文章?',{icon:3, title:'提示信息'},function(index){ // $.get("删除文章接口",{ // newsId : data.newsId //将需要删除的newsId作为参数传入 // },function(data){ tableIns.reload(); layer.close(index); // }) }); } else if(layEvent === 'look'){ //预览 layer.alert("此功能需要前台展示,实际开发中传入对应的必要参数进行文章内容页面访问") } }); })
/* * Kendo UI Web v2012.2.710 (http://kendoui.com) * Copyright 2012 Telerik AD. All rights reserved. * * Kendo UI Web commercial licenses may be obtained at http://kendoui.com/web-license * If you do not own a commercial license, this file shall be governed by the * GNU General Public License (GPL) version 3. * For GPL requirements, please review: http://www.gnu.org/copyleft/gpl.html */ ;(function(a,b){kendo.cultures["es-MX"]={name:"es-MX",numberFormat:{pattern:["-n"],decimals:2,",":",",".":".",groupSize:[3],percent:{pattern:["-n %","n %"],decimals:2,",":",",".":".",groupSize:[3],symbol:"%"},currency:{pattern:["-$n","$n"],decimals:2,",":",",".":".",groupSize:[3],symbol:"$"}},calendars:{standard:{days:{names:["domingo","lunes","martes","miércoles","jueves","viernes","sábado"],namesAbbr:["dom","lun","mar","mié","jue","vie","sáb"],namesShort:["do","lu","ma","mi","ju","vi","sá"]},months:{names:["enero","febrero","marzo","abril","mayo","junio","julio","agosto","septiembre","octubre","noviembre","diciembre",""],namesAbbr:["ene","feb","mar","abr","may","jun","jul","ago","sep","oct","nov","dic",""]},AM:["a.m.","a.m.","A.M."],PM:["p.m.","p.m.","P.M."],patterns:{d:"dd/MM/yyyy",D:"dddd, dd' de 'MMMM' de 'yyyy",F:"dddd, dd' de 'MMMM' de 'yyyy hh:mm:ss tt",g:"dd/MM/yyyy hh:mm tt",G:"dd/MM/yyyy hh:mm:ss tt",m:"dd MMMM",M:"dd MMMM",s:"yyyy'-'MM'-'dd'T'HH':'mm':'ss",t:"hh:mm tt",T:"hh:mm:ss tt",u:"yyyy'-'MM'-'dd HH':'mm':'ss'Z'",y:"MMMM' de 'yyyy",Y:"MMMM' de 'yyyy"},"/":"/",":":":",firstDay:0}}}})(this);
/* * Copyright (c) 2012 Adobe Systems Incorporated. All rights reserved. * * 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. * */ /*jslint vars: true, plusplus: true, devel: true, nomen: true, indent: 4, maxerr: 50 */ /*global define, $, brackets */ /** * ExtensionLoader searches the filesystem for extensions, then creates a new context for each one and loads it. * This module dispatches the following events: * "load" - when an extension is successfully loaded. The second argument is the file path to the * extension root. * "loadFailed" - when an extension load is unsuccessful. The second argument is the file path to the * extension root. */ define(function (require, exports, module) { "use strict"; require("utils/Global"); var _ = require("thirdparty/lodash"), EventDispatcher = require("utils/EventDispatcher"), FileSystem = require("filesystem/FileSystem"), FileUtils = require("file/FileUtils"), Async = require("utils/Async"), ExtensionUtils = require("utils/ExtensionUtils"), UrlParams = require("utils/UrlParams").UrlParams; // default async initExtension timeout var INIT_EXTENSION_TIMEOUT = 10000; var _init = false, _extensions = {}, _initExtensionTimeout = INIT_EXTENSION_TIMEOUT, srcPath = FileUtils.getNativeBracketsDirectoryPath(); /** * Stores require.js contexts of extensions * @type {Object.<string, Object>} */ var contexts = {}; // The native directory path ends with either "test" or "src". We need "src" to // load the text and i18n modules. srcPath = srcPath.replace(/\/test$/, "/src"); // convert from "test" to "src" var globalConfig = { "text" : srcPath + "/thirdparty/text/text", "i18n" : srcPath + "/thirdparty/i18n/i18n" }; /** * Returns the full path of the default user extensions directory. This is in the users * application support directory, which is typically * /Users/<user>/Application Support/Brackets/extensions/user on the mac, and * C:\Users\<user>\AppData\Roaming\Brackets\extensions\user on windows. */ function getUserExtensionPath() { if (brackets.app.getApplicationSupportDirectory) { return brackets.app.getApplicationSupportDirectory() + "/extensions/user"; } return null; } /** * Returns the require.js require context used to load an extension * * @param {!string} name, used to identify the extension * @return {!Object} A require.js require object used to load the extension, or undefined if * there is no require object with that name */ function getRequireContextForExtension(name) { return contexts[name]; } /** * @private * Get timeout value for rejecting an extension's async initExtension promise. * @return {number} Timeout in milliseconds */ function _getInitExtensionTimeout() { return _initExtensionTimeout; } /** * @private * Set timeout for rejecting an extension's async initExtension promise. * @param {number} value Timeout in milliseconds */ function _setInitExtensionTimeout(value) { _initExtensionTimeout = value; } /** * @private * Loads optional requirejs-config.json file for an extension * @param {Object} baseConfig * @return {$.Promise} */ function _mergeConfig(baseConfig) { var deferred = new $.Deferred(), extensionConfigFile = FileSystem.getFileForPath(baseConfig.baseUrl + "/requirejs-config.json"); // Optional JSON config for require.js FileUtils.readAsText(extensionConfigFile).done(function (text) { try { var extensionConfig = JSON.parse(text); // baseConfig.paths properties will override any extension config paths _.extend(extensionConfig.paths, baseConfig.paths); // Overwrite baseUrl, context, locale (paths is already merged above) _.extend(extensionConfig, _.omit(baseConfig, "paths")); deferred.resolve(extensionConfig); } catch (err) { // Failed to parse requirejs-config.json deferred.reject("failed to parse requirejs-config.json"); } }).fail(function () { // If requirejs-config.json isn't specified, resolve with the baseConfig only deferred.resolve(baseConfig); }); return deferred.promise(); } /** * Loads the extension module that lives at baseUrl into its own Require.js context * * @param {!string} name, used to identify the extension * @param {!{baseUrl: string}} config object with baseUrl property containing absolute path of extension * @param {!string} entryPoint, name of the main js file to load * @return {!$.Promise} A promise object that is resolved when the extension is loaded, or rejected * if the extension fails to load or throws an exception immediately when loaded. * (Note: if extension contains a JS syntax error, promise is resolved not rejected). */ function loadExtensionModule(name, config, entryPoint) { var extensionConfig = { context: name, baseUrl: config.baseUrl, /* FIXME (issue #1087): can we pass this from the global require context instead of hardcoding twice? */ paths: globalConfig, locale: brackets.getLocale() }; // Read optional requirejs-config.json var promise = _mergeConfig(extensionConfig).then(function (mergedConfig) { // Create new RequireJS context and load extension entry point var extensionRequire = brackets.libRequire.config(mergedConfig), extensionRequireDeferred = new $.Deferred(); contexts[name] = extensionRequire; extensionRequire([entryPoint], extensionRequireDeferred.resolve, extensionRequireDeferred.reject); return extensionRequireDeferred.promise(); }).then(function (module) { // Extension loaded normally var initPromise; _extensions[name] = module; // Optional sync/async initExtension if (module && module.initExtension && (typeof module.initExtension === "function")) { // optional async extension init try { initPromise = Async.withTimeout(module.initExtension(), _getInitExtensionTimeout()); } catch (err) { // Synchronous error while initializing extension console.error("[Extension] Error -- error thrown during initExtension for " + name + ": " + err); return new $.Deferred().reject(err).promise(); } // initExtension may be synchronous and may not return a promise if (initPromise) { // WARNING: These calls to initPromise.fail() and initPromise.then(), // could also result in a runtime error if initPromise is not a valid // promise. Currently, the promise is wrapped via Async.withTimeout(), // so the call is safe as-is. initPromise.fail(function (err) { if (err === Async.ERROR_TIMEOUT) { console.error("[Extension] Error -- timeout during initExtension for " + name); } else { console.error("[Extension] Error -- failed initExtension for " + name + (err ? ": " + err : "")); } }); return initPromise; } } }, function errback(err) { // Extension failed to load during the initial require() call console.error("[Extension] failed to load " + config.baseUrl + " " + err); if (err.requireType === "define") { // This type has a useful stack (exception thrown by ext code or info on bad getModule() call) console.log(err.stack); } }); return promise; } /** * Loads the extension that lives at baseUrl into its own Require.js context * * @param {!string} name, used to identify the extension * @param {!{baseUrl: string}} config object with baseUrl property containing absolute path of extension * @param {!string} entryPoint, name of the main js file to load * @return {!$.Promise} A promise object that is resolved when the extension is loaded, or rejected * if the extension fails to load or throws an exception immediately when loaded. * (Note: if extension contains a JS syntax error, promise is resolved not rejected). */ function loadExtension(name, config, entryPoint) { var promise = new $.Deferred(); // Try to load the package.json to figure out if we are loading a theme. ExtensionUtils.loadPackageJson(config.baseUrl).always(promise.resolve); return promise .then(function (metadata) { // No special handling for themes... Let the promise propagate into the ExtensionManager if (metadata && metadata.theme) { return; } return loadExtensionModule(name, config, entryPoint); }) .then(function () { exports.trigger("load", config.baseUrl); }, function (err) { exports.trigger("loadFailed", config.baseUrl); }); } /** * Runs unit tests for the extension that lives at baseUrl into its own Require.js context * * @param {!string} name, used to identify the extension * @param {!{baseUrl: string}} config object with baseUrl property containing absolute path of extension * @param {!string} entryPoint, name of the main js file to load * @return {!$.Promise} A promise object that is resolved when all extensions complete loading. */ function testExtension(name, config, entryPoint) { var result = new $.Deferred(), extensionPath = config.baseUrl + "/" + entryPoint + ".js"; FileSystem.resolve(extensionPath, function (err, entry) { if (!err && entry.isFile) { // unit test file exists var extensionRequire = brackets.libRequire.config({ context: name, baseUrl: config.baseUrl, paths: $.extend({}, config.paths, globalConfig) }); extensionRequire([entryPoint], function () { result.resolve(); }); } else { result.reject(); } }); return result.promise(); } /** * @private * Loads a file entryPoint from each extension folder within the baseUrl into its own Require.js context * * @param {!string} directory, an absolute native path that contains a directory of extensions. * each subdirectory is interpreted as an independent extension * @param {!{baseUrl: string}} config object with baseUrl property containing absolute path of extension folder * @param {!string} entryPoint Module name to load (without .js suffix) * @param {function} processExtension * @return {!$.Promise} A promise object that is resolved when all extensions complete loading. */ function _loadAll(directory, config, entryPoint, processExtension) { var result = new $.Deferred(); FileSystem.getDirectoryForPath(directory).getContents(function (err, contents) { if (!err) { var i, extensions = []; for (i = 0; i < contents.length; i++) { if (contents[i].isDirectory) { // FUTURE (JRB): read package.json instead of just using the entrypoint "main". // Also, load sub-extensions defined in package.json. extensions.push(contents[i].name); } } if (extensions.length === 0) { result.resolve(); return; } Async.doInParallel(extensions, function (item) { var extConfig = { baseUrl: config.baseUrl + "/" + item, paths: config.paths }; return processExtension(item, extConfig, entryPoint); }).always(function () { // Always resolve the promise even if some extensions had errors result.resolve(); }); } else { console.error("[Extension] Error -- could not read native directory: " + directory); result.reject(); } }); return result.promise(); } /** * Loads the extension that lives at baseUrl into its own Require.js context * * @param {!string} directory, an absolute native path that contains a directory of extensions. * each subdirectory is interpreted as an independent extension * @return {!$.Promise} A promise object that is resolved when all extensions complete loading. */ function loadAllExtensionsInNativeDirectory(directory) { return _loadAll(directory, {baseUrl: directory}, "main", loadExtension); } /** * Runs unit test for the extension that lives at baseUrl into its own Require.js context * * @param {!string} directory, an absolute native path that contains a directory of extensions. * each subdirectory is interpreted as an independent extension * @return {!$.Promise} A promise object that is resolved when all extensions complete loading. */ function testAllExtensionsInNativeDirectory(directory) { var bracketsPath = FileUtils.getNativeBracketsDirectoryPath(), config = { baseUrl: directory }; config.paths = { "perf": bracketsPath + "/perf", "spec": bracketsPath + "/spec" }; return _loadAll(directory, config, "unittests", testExtension); } /** * Load extensions. * * @param {?Array.<string>} A list containing references to extension source * location. A source location may be either (a) a folder name inside * src/extensions or (b) an absolute path. * @return {!$.Promise} A promise object that is resolved when all extensions complete loading. */ function init(paths) { var params = new UrlParams(); if (_init) { // Only init once. Return a resolved promise. return new $.Deferred().resolve().promise(); } if (!paths) { params.parse(); if (params.get("reloadWithoutUserExts") === "true") { paths = ["default"]; } else { paths = ["default", "dev", getUserExtensionPath()]; } } // Load extensions before restoring the project // Get a Directory for the user extension directory and create it if it doesn't exist. // Note that this is an async call and there are no success or failure functions passed // in. If the directory *doesn't* exist, it will be created. Extension loading may happen // before the directory is finished being created, but that is okay, since the extension // loading will work correctly without this directory. // If the directory *does* exist, nothing else needs to be done. It will be scanned normally // during extension loading. var extensionPath = getUserExtensionPath(); FileSystem.getDirectoryForPath(extensionPath).create(); // Create the extensions/disabled directory, too. var disabledExtensionPath = extensionPath.replace(/\/user$/, "/disabled"); FileSystem.getDirectoryForPath(disabledExtensionPath).create(); var promise = Async.doSequentially(paths, function (item) { var extensionPath = item; // If the item has "/" in it, assume it is a full path. Otherwise, load // from our source path + "/extensions/". if (item.indexOf("/") === -1) { extensionPath = FileUtils.getNativeBracketsDirectoryPath() + "/extensions/" + item; } return loadAllExtensionsInNativeDirectory(extensionPath); }, false); promise.always(function () { _init = true; }); return promise; } EventDispatcher.makeEventDispatcher(exports); // unit tests exports._setInitExtensionTimeout = _setInitExtensionTimeout; exports._getInitExtensionTimeout = _getInitExtensionTimeout; // public API exports.init = init; exports.getUserExtensionPath = getUserExtensionPath; exports.getRequireContextForExtension = getRequireContextForExtension; exports.loadExtension = loadExtension; exports.testExtension = testExtension; exports.loadAllExtensionsInNativeDirectory = loadAllExtensionsInNativeDirectory; exports.testAllExtensionsInNativeDirectory = testAllExtensionsInNativeDirectory; });
/* Copyright (c) 2003-2020, CKSource - Frederico Knabben. All rights reserved. For licensing, see LICENSE.md or https://ckeditor.com/legal/ckeditor-oss-license */ CKEDITOR.plugins.setLang( 'about', 'zh-cn', { copy: '版权所有 &copy; $1。<br />保留所有权利。', dlgTitle: '关于 CKEditor 4', moreInfo: '相关授权许可信息请访问我们的网站:' } );
# Copyright 2016 Google 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. import unittest class TestLogger(unittest.TestCase): PROJECT = 'test-project' LOGGER_NAME = 'logger-name' def _getTargetClass(self): from google.cloud.logging.logger import Logger return Logger def _makeOne(self, *args, **kw): return self._getTargetClass()(*args, **kw) def test_ctor_defaults(self): conn = object() client = _Client(self.PROJECT, conn) logger = self._makeOne(self.LOGGER_NAME, client=client) self.assertEqual(logger.name, self.LOGGER_NAME) self.assertIs(logger.client, client) self.assertEqual(logger.project, self.PROJECT) self.assertEqual(logger.full_name, 'projects/%s/logs/%s' % (self.PROJECT, self.LOGGER_NAME)) self.assertEqual(logger.path, '/projects/%s/logs/%s' % (self.PROJECT, self.LOGGER_NAME)) self.assertIsNone(logger.labels) def test_ctor_explicit(self): LABELS = {'foo': 'bar', 'baz': 'qux'} conn = object() client = _Client(self.PROJECT, conn) logger = self._makeOne(self.LOGGER_NAME, client=client, labels=LABELS) self.assertEqual(logger.name, self.LOGGER_NAME) self.assertIs(logger.client, client) self.assertEqual(logger.project, self.PROJECT) self.assertEqual(logger.full_name, 'projects/%s/logs/%s' % (self.PROJECT, self.LOGGER_NAME)) self.assertEqual(logger.path, '/projects/%s/logs/%s' % (self.PROJECT, self.LOGGER_NAME)) self.assertEqual(logger.labels, LABELS) def test_batch_w_bound_client(self): from google.cloud.logging.logger import Batch conn = object() client = _Client(self.PROJECT, conn) logger = self._makeOne(self.LOGGER_NAME, client=client) batch = logger.batch() self.assertIsInstance(batch, Batch) self.assertIs(batch.logger, logger) self.assertIs(batch.client, client) def test_batch_w_alternate_client(self): from google.cloud.logging.logger import Batch conn1 = object() conn2 = object() client1 = _Client(self.PROJECT, conn1) client2 = _Client(self.PROJECT, conn2) logger = self._makeOne(self.LOGGER_NAME, client=client1) batch = logger.batch(client2) self.assertIsInstance(batch, Batch) self.assertIs(batch.logger, logger) self.assertIs(batch.client, client2) def test_log_text_w_str_implicit_client(self): TEXT = 'TEXT' ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'textPayload': TEXT, 'resource': { 'type': 'global', }, }] client = _Client(self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client) logger.log_text(TEXT) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_text_w_default_labels(self): TEXT = 'TEXT' DEFAULT_LABELS = {'foo': 'spam'} ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'textPayload': TEXT, 'resource': { 'type': 'global', }, 'labels': DEFAULT_LABELS, }] client = _Client(self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client, labels=DEFAULT_LABELS) logger.log_text(TEXT) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_text_w_unicode_explicit_client_labels_severity_httpreq(self): TEXT = u'TEXT' DEFAULT_LABELS = {'foo': 'spam'} LABELS = {'foo': 'bar', 'baz': 'qux'} IID = 'IID' SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'textPayload': TEXT, 'resource': { 'type': 'global', }, 'labels': LABELS, 'insertId': IID, 'severity': SEVERITY, 'httpRequest': REQUEST, }] client1 = _Client(self.PROJECT) client2 = _Client(self.PROJECT) api = client2.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client1, labels=DEFAULT_LABELS) logger.log_text(TEXT, client=client2, labels=LABELS, insert_id=IID, severity=SEVERITY, http_request=REQUEST) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_struct_w_implicit_client(self): STRUCT = {'message': 'MESSAGE', 'weather': 'cloudy'} ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'jsonPayload': STRUCT, 'resource': { 'type': 'global', }, }] client = _Client(self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client) logger.log_struct(STRUCT) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_struct_w_default_labels(self): STRUCT = {'message': 'MESSAGE', 'weather': 'cloudy'} DEFAULT_LABELS = {'foo': 'spam'} ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'jsonPayload': STRUCT, 'resource': { 'type': 'global', }, 'labels': DEFAULT_LABELS, }] client = _Client(self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client, labels=DEFAULT_LABELS) logger.log_struct(STRUCT) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_struct_w_explicit_client_labels_severity_httpreq(self): STRUCT = {'message': 'MESSAGE', 'weather': 'cloudy'} DEFAULT_LABELS = {'foo': 'spam'} LABELS = {'foo': 'bar', 'baz': 'qux'} IID = 'IID' SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'jsonPayload': STRUCT, 'resource': { 'type': 'global', }, 'labels': LABELS, 'insertId': IID, 'severity': SEVERITY, 'httpRequest': REQUEST, }] client1 = _Client(self.PROJECT) client2 = _Client(self.PROJECT) api = client2.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client1, labels=DEFAULT_LABELS) logger.log_struct(STRUCT, client=client2, labels=LABELS, insert_id=IID, severity=SEVERITY, http_request=REQUEST) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_proto_w_implicit_client(self): import json from google.protobuf.json_format import MessageToJson from google.protobuf.struct_pb2 import Struct, Value message = Struct(fields={'foo': Value(bool_value=True)}) ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'protoPayload': json.loads(MessageToJson(message)), 'resource': { 'type': 'global', }, }] client = _Client(self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client) logger.log_proto(message) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_proto_w_default_labels(self): import json from google.protobuf.json_format import MessageToJson from google.protobuf.struct_pb2 import Struct, Value message = Struct(fields={'foo': Value(bool_value=True)}) DEFAULT_LABELS = {'foo': 'spam'} ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'protoPayload': json.loads(MessageToJson(message)), 'resource': { 'type': 'global', }, 'labels': DEFAULT_LABELS, }] client = _Client(self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client, labels=DEFAULT_LABELS) logger.log_proto(message) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_log_proto_w_explicit_client_labels_severity_httpreq(self): import json from google.protobuf.json_format import MessageToJson from google.protobuf.struct_pb2 import Struct, Value message = Struct(fields={'foo': Value(bool_value=True)}) DEFAULT_LABELS = {'foo': 'spam'} LABELS = {'foo': 'bar', 'baz': 'qux'} IID = 'IID' SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } ENTRIES = [{ 'logName': 'projects/%s/logs/%s' % ( self.PROJECT, self.LOGGER_NAME), 'protoPayload': json.loads(MessageToJson(message)), 'resource': { 'type': 'global', }, 'labels': LABELS, 'insertId': IID, 'severity': SEVERITY, 'httpRequest': REQUEST, }] client1 = _Client(self.PROJECT) client2 = _Client(self.PROJECT) api = client2.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client1, labels=DEFAULT_LABELS) logger.log_proto(message, client=client2, labels=LABELS, insert_id=IID, severity=SEVERITY, http_request=REQUEST) self.assertEqual(api._write_entries_called_with, (ENTRIES, None, None, None)) def test_delete_w_bound_client(self): client = _Client(project=self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client) logger.delete() self.assertEqual(api._logger_delete_called_with, (self.PROJECT, self.LOGGER_NAME)) def test_delete_w_alternate_client(self): client1 = _Client(project=self.PROJECT) client2 = _Client(project=self.PROJECT) api = client2.logging_api = _DummyLoggingAPI() logger = self._makeOne(self.LOGGER_NAME, client=client1) logger.delete(client=client2) self.assertEqual(api._logger_delete_called_with, (self.PROJECT, self.LOGGER_NAME)) def test_list_entries_defaults(self): LISTED = { 'projects': None, 'filter_': 'logName=projects/%s/logs/%s' % (self.PROJECT, self.LOGGER_NAME), 'order_by': None, 'page_size': None, 'page_token': None, } TOKEN = 'TOKEN' client = _Client(self.PROJECT) client._token = TOKEN logger = self._makeOne(self.LOGGER_NAME, client=client) entries, token = logger.list_entries() self.assertEqual(len(entries), 0) self.assertEqual(token, TOKEN) self.assertEqual(client._listed, LISTED) def test_list_entries_explicit(self): from google.cloud.logging import DESCENDING PROJECT1 = 'PROJECT1' PROJECT2 = 'PROJECT2' FILTER = 'resource.type:global' TOKEN = 'TOKEN' PAGE_SIZE = 42 LISTED = { 'projects': ['PROJECT1', 'PROJECT2'], 'filter_': '%s AND logName=projects/%s/logs/%s' % (FILTER, self.PROJECT, self.LOGGER_NAME), 'order_by': DESCENDING, 'page_size': PAGE_SIZE, 'page_token': TOKEN, } client = _Client(self.PROJECT) logger = self._makeOne(self.LOGGER_NAME, client=client) entries, token = logger.list_entries( projects=[PROJECT1, PROJECT2], filter_=FILTER, order_by=DESCENDING, page_size=PAGE_SIZE, page_token=TOKEN) self.assertEqual(len(entries), 0) self.assertIsNone(token) self.assertEqual(client._listed, LISTED) class TestBatch(unittest.TestCase): PROJECT = 'test-project' def _getTargetClass(self): from google.cloud.logging.logger import Batch return Batch def _makeOne(self, *args, **kwargs): return self._getTargetClass()(*args, **kwargs) def test_ctor_defaults(self): logger = _Logger() client = _Client(project=self.PROJECT) batch = self._makeOne(logger, client) self.assertIs(batch.logger, logger) self.assertIs(batch.client, client) self.assertEqual(len(batch.entries), 0) def test_log_text_defaults(self): TEXT = 'This is the entry text' client = _Client(project=self.PROJECT, connection=object()) logger = _Logger() batch = self._makeOne(logger, client=client) batch.log_text(TEXT) self.assertEqual(batch.entries, [('text', TEXT, None, None, None, None)]) def test_log_text_explicit(self): TEXT = 'This is the entry text' LABELS = {'foo': 'bar', 'baz': 'qux'} IID = 'IID' SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } client = _Client(project=self.PROJECT, connection=object()) logger = _Logger() batch = self._makeOne(logger, client=client) batch.log_text(TEXT, labels=LABELS, insert_id=IID, severity=SEVERITY, http_request=REQUEST) self.assertEqual(batch.entries, [('text', TEXT, LABELS, IID, SEVERITY, REQUEST)]) def test_log_struct_defaults(self): STRUCT = {'message': 'Message text', 'weather': 'partly cloudy'} client = _Client(project=self.PROJECT, connection=object()) logger = _Logger() batch = self._makeOne(logger, client=client) batch.log_struct(STRUCT) self.assertEqual(batch.entries, [('struct', STRUCT, None, None, None, None)]) def test_log_struct_explicit(self): STRUCT = {'message': 'Message text', 'weather': 'partly cloudy'} LABELS = {'foo': 'bar', 'baz': 'qux'} IID = 'IID' SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } client = _Client(project=self.PROJECT, connection=object()) logger = _Logger() batch = self._makeOne(logger, client=client) batch.log_struct(STRUCT, labels=LABELS, insert_id=IID, severity=SEVERITY, http_request=REQUEST) self.assertEqual(batch.entries, [('struct', STRUCT, LABELS, IID, SEVERITY, REQUEST)]) def test_log_proto_defaults(self): from google.protobuf.struct_pb2 import Struct, Value message = Struct(fields={'foo': Value(bool_value=True)}) client = _Client(project=self.PROJECT, connection=object()) logger = _Logger() batch = self._makeOne(logger, client=client) batch.log_proto(message) self.assertEqual(batch.entries, [('proto', message, None, None, None, None)]) def test_log_proto_explicit(self): from google.protobuf.struct_pb2 import Struct, Value message = Struct(fields={'foo': Value(bool_value=True)}) LABELS = {'foo': 'bar', 'baz': 'qux'} IID = 'IID' SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } client = _Client(project=self.PROJECT, connection=object()) logger = _Logger() batch = self._makeOne(logger, client=client) batch.log_proto(message, labels=LABELS, insert_id=IID, severity=SEVERITY, http_request=REQUEST) self.assertEqual(batch.entries, [('proto', message, LABELS, IID, SEVERITY, REQUEST)]) def test_commit_w_invalid_entry_type(self): logger = _Logger() client = _Client(project=self.PROJECT, connection=object()) batch = self._makeOne(logger, client) batch.entries.append(('bogus', 'BOGUS', None, None, None, None)) with self.assertRaises(ValueError): batch.commit() def test_commit_w_bound_client(self): import json from google.protobuf.json_format import MessageToJson from google.protobuf.struct_pb2 import Struct, Value TEXT = 'This is the entry text' STRUCT = {'message': TEXT, 'weather': 'partly cloudy'} message = Struct(fields={'foo': Value(bool_value=True)}) IID1 = 'IID1' IID2 = 'IID2' IID3 = 'IID3' RESOURCE = { 'type': 'global', } ENTRIES = [ {'textPayload': TEXT, 'insertId': IID1}, {'jsonPayload': STRUCT, 'insertId': IID2}, {'protoPayload': json.loads(MessageToJson(message)), 'insertId': IID3}, ] client = _Client(project=self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = _Logger() batch = self._makeOne(logger, client=client) batch.log_text(TEXT, insert_id=IID1) batch.log_struct(STRUCT, insert_id=IID2) batch.log_proto(message, insert_id=IID3) batch.commit() self.assertEqual(list(batch.entries), []) self.assertEqual(api._write_entries_called_with, (ENTRIES, logger.full_name, RESOURCE, None)) def test_commit_w_alternate_client(self): import json from google.protobuf.json_format import MessageToJson from google.protobuf.struct_pb2 import Struct, Value from google.cloud.logging.logger import Logger TEXT = 'This is the entry text' STRUCT = {'message': TEXT, 'weather': 'partly cloudy'} message = Struct(fields={'foo': Value(bool_value=True)}) DEFAULT_LABELS = {'foo': 'spam'} LABELS = { 'foo': 'bar', 'baz': 'qux', } SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } client1 = _Client(project=self.PROJECT) client2 = _Client(project=self.PROJECT) api = client2.logging_api = _DummyLoggingAPI() logger = Logger('logger_name', client1, labels=DEFAULT_LABELS) RESOURCE = {'type': 'global'} ENTRIES = [ {'textPayload': TEXT, 'labels': LABELS}, {'jsonPayload': STRUCT, 'severity': SEVERITY}, {'protoPayload': json.loads(MessageToJson(message)), 'httpRequest': REQUEST}, ] batch = self._makeOne(logger, client=client1) batch.log_text(TEXT, labels=LABELS) batch.log_struct(STRUCT, severity=SEVERITY) batch.log_proto(message, http_request=REQUEST) batch.commit(client=client2) self.assertEqual(list(batch.entries), []) self.assertEqual(api._write_entries_called_with, (ENTRIES, logger.full_name, RESOURCE, DEFAULT_LABELS)) def test_context_mgr_success(self): import json from google.protobuf.json_format import MessageToJson from google.protobuf.struct_pb2 import Struct, Value from google.cloud.logging.logger import Logger TEXT = 'This is the entry text' STRUCT = {'message': TEXT, 'weather': 'partly cloudy'} message = Struct(fields={'foo': Value(bool_value=True)}) DEFAULT_LABELS = {'foo': 'spam'} LABELS = {'foo': 'bar', 'baz': 'qux'} SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } client = _Client(project=self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = Logger('logger_name', client, labels=DEFAULT_LABELS) RESOURCE = { 'type': 'global', } ENTRIES = [ {'textPayload': TEXT, 'httpRequest': REQUEST}, {'jsonPayload': STRUCT, 'labels': LABELS}, {'protoPayload': json.loads(MessageToJson(message)), 'severity': SEVERITY}, ] batch = self._makeOne(logger, client=client) with batch as other: other.log_text(TEXT, http_request=REQUEST) other.log_struct(STRUCT, labels=LABELS) other.log_proto(message, severity=SEVERITY) self.assertEqual(list(batch.entries), []) self.assertEqual(api._write_entries_called_with, (ENTRIES, logger.full_name, RESOURCE, DEFAULT_LABELS)) def test_context_mgr_failure(self): from google.protobuf.struct_pb2 import Struct, Value TEXT = 'This is the entry text' STRUCT = {'message': TEXT, 'weather': 'partly cloudy'} LABELS = {'foo': 'bar', 'baz': 'qux'} IID = 'IID' SEVERITY = 'CRITICAL' METHOD = 'POST' URI = 'https://api.example.com/endpoint' STATUS = '500' REQUEST = { 'requestMethod': METHOD, 'requestUrl': URI, 'status': STATUS, } message = Struct(fields={'foo': Value(bool_value=True)}) client = _Client(project=self.PROJECT) api = client.logging_api = _DummyLoggingAPI() logger = _Logger() UNSENT = [ ('text', TEXT, None, IID, None, None), ('struct', STRUCT, None, None, SEVERITY, None), ('proto', message, LABELS, None, None, REQUEST), ] batch = self._makeOne(logger, client=client) try: with batch as other: other.log_text(TEXT, insert_id=IID) other.log_struct(STRUCT, severity=SEVERITY) other.log_proto(message, labels=LABELS, http_request=REQUEST) raise _Bugout() except _Bugout: pass self.assertEqual(list(batch.entries), UNSENT) self.assertIsNone(api._write_entries_called_with) class _Logger(object): labels = None def __init__(self, name='NAME', project='PROJECT'): self.full_name = 'projects/%s/logs/%s' % (project, name) class _DummyLoggingAPI(object): _write_entries_called_with = None def write_entries(self, entries, logger_name=None, resource=None, labels=None): self._write_entries_called_with = ( entries, logger_name, resource, labels) def logger_delete(self, project, logger_name): self._logger_delete_called_with = (project, logger_name) class _Client(object): _listed = _token = None _entries = () def __init__(self, project, connection=None): self.project = project self.connection = connection def list_entries(self, **kw): self._listed = kw return self._entries, self._token class _Bugout(Exception): pass
'use strict'; var rootCtrl = angular.module('rootCtrl', [ 'ngResource', 'ngAnimate', 'colorPalette', 'ngFileUpload', 'vcRecaptcha', '720kb.socialshare', 'slick' ]) .controller('rootController', [ '$rootScope', '$scope', '$timeout', '$window', '$location', '$sce', '$route', '$q', '$mdDialog', '$mdToast', '$firebaseAuth', '$firebaseObject', '$firebaseArray', 'fromAppDatabase', '$routeParams', 'users_data', 'tag_data', 'fromImageStorage', 'fromProjectsDatabase', 'fromGalleriesDatabase', function ( $rootScope, $scope, $timeout, $window, $location, $sce, $route, $q, $mdDialog, $mdToast, $firebaseAuth, $firebaseObject, $firebaseArray, fromAppDatabase, $routeParams, users_data, tag_data, fromImageStorage, fromProjectsDatabase, fromGalleriesDatabase ){ ////////////////////////////////// Firebase Init var realtimeDatabase = firebase.database(); ////////////////////////////////// Firebase Init ////////////////////////////////// Users var usersBucket = realtimeDatabase.ref().child('users'); ////////////////////////////////// Users $rootScope.params = $routeParams; $rootScope.auth = $firebaseAuth(); $rootScope.page_path = $location.url(); ////////////////////////////////// Browser Sniff var userAgent, ieReg, ie; userAgent = $window.navigator.userAgent; ieReg = /msie|Trident.*rv[ :]*11\./gi; ie = ieReg.test(userAgent); if (ie) { $rootScope.browser = "ie"; } ////////////////////////////////// Browser Sniff $rootScope.taglist = []; $rootScope.app_pages = []; $rootScope.projectslist = []; $rootScope.bloglist = []; $rootScope.mobile_menu = false; $rootScope.location = $location.path(); $rootScope.states = ('AL AK AZ AR CA CO CT DE FL GA HI ID IL IN IA KS KY LA ME MD MA MI MN MS MO MT NE NV NH NJ NM NY NC ND OH OK OR PA RI SC SD TN TX UT VT VA WA WV WI WY').split(' ').map(function(state) {return {abbrev: state};}); $rootScope.times = ('6:30AM 7:00AM 7:30AM 8:00AM 8:30AM 9:00AM 9:30AM 10:00AM 10:30AM 11:00AM 11:30AM 12:00PM 12:30PM 1:00PM 1:30PM 2:00PM 2:30PM 3:00PM 3:30PM 4:00PM 4:30PM 5:00PM 5:30PM 6:00PM 6:30PM 7:00PM 7:30PM 8:00PM').split(' ').map(function(time) {return {hour: time};}); $rootScope.year = new Date().getFullYear(); $rootScope.featured_projects = []; var featured_galleries = []; var all_galleries = []; $rootScope.pages = []; // Projects $rootScope.projects_commercial = []; $rootScope.projects_education = []; $rootScope.projects_energy = []; $rootScope.projects_entertainment = []; $rootScope.projects_government = []; $rootScope.projects_healthcare = []; $rootScope.projects_multi_family_residential = []; $rootScope.projects_single_family_residential = []; //////////////////////////////// Window Sizing Variable //////////////////////////////// calculate scroll bar width and a window aware of it function getScrollBarWidth() { var inner = document.createElement('p'); inner.style.width = "100%"; inner.style.height = "200px"; var outer = document.createElement('div'); outer.style.position = "absolute"; outer.style.top = "0px"; outer.style.left = "0px"; outer.style.visibility = "hidden"; outer.style.width = "200px"; outer.style.height = "150px"; outer.style.overflow = "hidden"; outer.appendChild(inner); document.body.appendChild(outer); var w1 = inner.offsetWidth; outer.style.overflow = 'scroll'; var w2 = inner.offsetWidth; if (w1 == w2) { w2 = outer.clientWidth; } document.body.removeChild(outer); return (w1 - w2); } $rootScope.window_height = $window.innerHeight; $rootScope.window_width = $window.innerWidth; $timeout(function(){ var offset = getScrollBarWidth(); $rootScope.scroll_bar_aware_window_width = $rootScope.window_width - offset; }, 100); angular.element($window).bind('resize', function() { $rootScope.window_width = $window.innerWidth; $rootScope.window_height = $window.innerHeight; $timeout(function(){ var offset = getScrollBarWidth(); $rootScope.scroll_bar_aware_window_width = $rootScope.window_width - offset; }, 100); }); //////////////////////////////// calculate scroll bar width and a window aware of it //////////////////////////////// Window Sizing Variable // Enable Sorting $rootScope.sortableList = { axis: 'y', handle: '.list-handle', connectWith: '.lightweight-list-control', placeholder: 'sortable-placeholder', forcePlaceholderSize: true, revert: false, tolerance: 'pointer', classes: {'ui-sortable': 'pickedUp'} }; // Enable Sorting // Menu $rootScope.navigation_panel = false; $rootScope.open_menu = function(item){ if(item == null){ //if item clicked is the mobile menu icon, show navigation with parent items $rootScope.navigation_panel = true; $rootScope.nav_children_visible = false; } else { $rootScope.nav_children_visible = true; $rootScope.menu_title = item.navigation.parent.name; $rootScope.navigation_panel = true; $rootScope.child_items = item.navigation.child.data; } }; $rootScope.close_menu = function(){ $rootScope.navigation_panel = false; $rootScope.menu_title = null; $rootScope.nav_children_visible = false; $rootScope.child_items = null; }; var originatorEv; $rootScope.openMenu = function($mdMenu, ev) {originatorEv = ev; $mdMenu.open(ev);}; // Menu var ToastCtrl = function($scope, $mdToast){$scope.closeToast = function(){$mdToast.hide().then(function() {return;})}} fromImageStorage.getImages().then(function(result){ if(result.length > 0){ // assign image references arry to root scope $rootScope.imagelist = result; // assign image references arry to root scope // media vault variables $rootScope.pageSize = 12; $rootScope.currentPage = 0; $rootScope.numberOfPages = Math.ceil(result.length/$rootScope.pageSize); // media vault variables // request galleries during images request fromGalleriesDatabase.getGalleries().then(function(result){ if(result.length > 0){ $rootScope.galleries = result; $rootScope.gallerySortObj = []; var gallerySortable = angular.forEach(result, function(value, key){ $rootScope.gallerySortObj.push(value); }); var jsonPrint = JSON.stringify($rootScope.gallerySortObj); $rootScope.gallerySize = 9; $rootScope.currentGalleryPage = 0; $rootScope.numberOfGalleryPages = Math.ceil(result.length/$rootScope.gallerySize); } // Parse and compile all galleries for(let i = 0, l = $rootScope.galleries.length; i < l; i++) { var gallery_object = $rootScope.galleries[i]; var gallery_objects_images = []; var gallery_object_compiled = {}; var page_object_compiled = {}; // parse all images for(let i = 0, l = $rootScope.imagelist.length; i < l; i++) { // to find images with the galleriy's tags for(var key in $rootScope.imagelist[i].metadata.tags) { // push images with the gallery's tag into the gallery's array of images var tag = $rootScope.imagelist[i].metadata.tags[key]; if(tag == gallery_object.tag){ if ($rootScope.imagelist[i].metadata.cover == true){ gallery_objects_images.push($rootScope.imagelist[i]); gallery_object_compiled.cover = $rootScope.imagelist[i].source; } else { gallery_objects_images.push($rootScope.imagelist[i]); } } } } // parse all images // gallery's package gallery_object_compiled.url = gallery_object.url; page_object_compiled.url = "/gallery/" + gallery_object.url; gallery_object_compiled.name = gallery_object.name; page_object_compiled.name = gallery_object.name; gallery_object_compiled.description = gallery_object.description; gallery_object_compiled.images = gallery_objects_images; gallery_object_compiled.transition = gallery_object.transition; page_object_compiled.locked = true; all_galleries.push(gallery_object_compiled); // gallery's package //dynamic pages // $rootScope.app_pages.push(page_object_compiled); } $rootScope.all_galleries = all_galleries; var continue_looping = true; var item; for(let i = 0, l = $rootScope.all_galleries.length; i < l && continue_looping == true; i++) { var raw_name = $rootScope.all_galleries[i].name; var name = JSON.stringify(raw_name); if(name.indexOf("Slideshow") > 0){ continue_looping = false; item = $rootScope.all_galleries[i]; $rootScope.secondary_slideshow_hero = item; } } // Tiles $rootScope.random = function(min,max){ return Math.floor(Math.random()*(max-min+1)+min); } // Tiles // Parse and compile all galleries $timeout(function(){ $rootScope.$broadcast('galleries_loaded', { data:{} }); }, 500); }); // request galleries during images request $rootScope.$broadcast('images_loaded', {}); } }); tag_data.getTags().then(function(result){ if(result.length > 0){ $rootScope.taglist = result; } }); ////////////////////////////////// Retrieve App Data From Factory ////////////////////////////////// Retrieve App Data From Factory ////////////////////////////////// Retrieve App Data From Factory fromAppDatabase.getData().then(function(result){ var app = result; $rootScope.settings = app.settings; $rootScope.whole_url = "https://" + $rootScope.settings.data.site_name + $rootScope.page_path; $rootScope.resources = []; var resources = angular.forEach(app.resources, function(value, key){ $rootScope.resources.push(value); }); $rootScope.editable_app_settings = app.settings; $rootScope.staffSortObj = []; var staffSortable = angular.forEach(app.settings.staff.members, function(value, key){ $rootScope.staffSortObj.push(value); }); if(app.pages) { $rootScope.pages = app.pages; // Add Standard Pages var home_page = {}; home_page.name = "Home"; home_page.url = "/"; home_page.locked = true; $rootScope.app_pages.unshift(home_page); var projects_page = {}; projects_page.name = "Projects"; projects_page.url = "/projects"; projects_page.locked = true; $rootScope.app_pages.unshift(projects_page); var team_page = {}; team_page.name = "Meet Our People"; team_page.url = "/meet-our-people"; team_page.locked = true; $rootScope.app_pages.unshift(team_page); var blog_page = {}; blog_page.name = "mma News"; blog_page.url = "/blog"; blog_page.locked = true; $rootScope.app_pages.unshift(blog_page); // Project Category Pages var commercial_projects_page = {}; commercial_projects_page.name = "Commercial Projects"; commercial_projects_page.url = "/project/listings/commercial"; commercial_projects_page.locked = true; $rootScope.app_pages.unshift(commercial_projects_page); var education_projects_page = {}; education_projects_page.name = "Education Projects"; education_projects_page.url = "/project/listings/education"; education_projects_page.locked = true; $rootScope.app_pages.unshift(education_projects_page); var energy_projects_page = {}; energy_projects_page.name = "Energy Project"; energy_projects_page.url = "/project/listings/energy"; energy_projects_page.locked = true; $rootScope.app_pages.unshift(energy_projects_page); var entertainment_projects_page = {}; entertainment_projects_page.name = "Entertainment Projects"; entertainment_projects_page.url = "/project/listings/entertainment"; entertainment_projects_page.locked = true; $rootScope.app_pages.unshift(entertainment_projects_page); var government_projects_page = {}; government_projects_page.name = "Government Projects"; government_projects_page.url = "/project/listings/government"; government_projects_page.locked = true; $rootScope.app_pages.unshift(government_projects_page); var healthcare_projects_page = {}; healthcare_projects_page.name = "Healthcare Projects"; healthcare_projects_page.url = "/project/listings/healthcare"; healthcare_projects_page.locked = true; $rootScope.app_pages.unshift(healthcare_projects_page); var multifamily_residential_projects_page = {}; multifamily_residential_projects_page.name = "Multi-Family Residential Projects"; multifamily_residential_projects_page.url = "/project/listings/multi-family-residential"; multifamily_residential_projects_page.locked = true; $rootScope.app_pages.unshift(multifamily_residential_projects_page); var single_family_residential_projects_page = {}; single_family_residential_projects_page.name = "Single Family Residential Projects"; single_family_residential_projects_page.url = "/project/listings/single-family-residential"; single_family_residential_projects_page.locked = true; $rootScope.app_pages.unshift(single_family_residential_projects_page); // Project Category Pages var pages = angular.forEach(app.pages, function(value, key){ // sift pages for blog posts if(value.settings.page_type == "blog"){ $rootScope.bloglist.push(value); } // sift pages for blog posts // sift pages for projects if(value.settings.page_type == "project"){ $rootScope.projectslist.push(value); if(value.settings.configs.featured){ $rootScope.featured_projects.push(value); } switch(value.data.tag[0]){ case "Commercial": $rootScope.projects_commercial.push(value); break; case "Education": $rootScope.projects_education.push(value); break; case "Energy": $rootScope.projects_energy.push(value); break; case "Entertainment": $rootScope.projects_entertainment.push(value); break; case "Government": $rootScope.projects_government.push(value); break; case "Healthcare": $rootScope.projects_healthcare.push(value); break; case "Multi-Family Residential": $rootScope.projects_multi_family_residential.push(value); break; case "Single Family Residential": $rootScope.projects_single_family_residential.push(value); break; default: return; } } // sift pages for projects $rootScope.app_pages.push(value.settings); $rootScope.$broadcast('projects_loaded', {}); }); } $rootScope.miniAppName = app.settings.data.company_name; $rootScope.trusted_google_address_widget_map = $sce.trustAsResourceUrl($rootScope.settings.data.address.google_map); $timeout(function(){ $rootScope.$broadcast('data_loaded', { data:{} }); }, 500); $timeout(function(){ $rootScope.$broadcast('galleries_loaded', { data:{} }); }, 500); }); ////////////////////////////////// Retrieve App Data From Factory ////////////////////////////////// Retrieve App Data From Factory ////////////////////////////////// Retrieve App Data From Factory ////////////////////////////////// Verify User Logged In ////////////////////////////////// Verify User Logged In ////////////////////////////////// Verify User Logged In $rootScope.auth.$onAuthStateChanged(function(user) { if (user) { $rootScope.user = user; users_data.getMe(user.uid) .then(function(result){ $rootScope.me = result; $rootScope.me.id = user.uid; firebase.auth().currentUser.getIdToken(true).then(function(idToken) { console.log("id token retrieved"); $rootScope.me.token = idToken; }).catch(function(error) { console.log(error); }); get_notification_tokens(); if(result.firstname){ $timeout(function(){ $rootScope.$broadcast('server-event', { data:{ message: "Welcome " + result.firstname + "!" } }); }, 500); } }); } else { $rootScope.user = null; $rootScope.me = null; if($location.path() == "/myvault"){ location.path("/logged-out"); } $timeout(function(){ $rootScope.$broadcast('server-event', { data:{ message: "Welcome To MMA!" } }); }, 500); } }); ////////////////////////////////// Verify User Logged In ////////////////////////////////// Verify User Logged In ////////////////////////////////// Verify User Logged In // Apply conditionally if not apple if ('Notification' in window && navigator.serviceWorker) { const messaging = firebase.messaging(); messaging.usePublicVapidKey("BH0u0dcsAcnMMiCoAtn4G_mmgedpzVJGta4iblq4206GAmY3kX2AtOxrSiET1NXZ2J2TWw-ZX7sNQbX06Qj5Hqs"); var permission_requested = false; var get_notification_tokens = function(){ if($rootScope.me){ if (!permission_requested){ messaging.requestPermission().then(function() { permission_requested = true; }).catch(function(err) { console.log('Unable to get permission to notify.', err); }); } messaging.getToken().then(function(currentToken) { if (currentToken) { if($rootScope.me.notification){ if($rootScope.me.notification.ids){ var itr = 0; var currentIds = $rootScope.me.notification.ids; var tokenIDs = angular.forEach(currentIds, function(value, key){ if(value == currentToken){ itr++; } }); if(itr != 0){ return; } else { $rootScope.me.notification.ids.push(currentToken); } } else { $rootScope.me.notification.ids = []; $rootScope.me.notification.ids.push(currentToken); } } else { $rootScope.me.notification = {}; $rootScope.me.notification.ids = []; $rootScope.me.notification.ids.push(currentToken); } usersBucket.child($rootScope.me.id).update($rootScope.me); } else { // Show permission request. console.log('No Instance ID token available. Request permission to generate one.'); // Show permission UI. updateUIForPushPermissionRequired(); } }).catch(function(err) { console.log('An error occurred while retrieving token. ', err); }); } }; // Callback fired if Instance ID token is updated. messaging.onTokenRefresh(function() { messaging.getToken().then(function(refreshedToken) { $rootScope.me.notification.ids.push(refreshedToken); usersBucket.child($rootScope.me.id).update($rootScope.me); // ... }).catch(function(err) { console.log('Unable to retrieve refreshed token ', err); // showToken('Unable to retrieve refreshed token ', err); }); }); messaging.onMessage(function(payload) { console.log('Message received. ', payload); $rootScope.$broadcast('notification-event', { data:{ message: "New Notification", title: payload.notification.title, body: payload.notification.body, action: true } }); }); // Apply conditionally if not apple } $rootScope.$on('$locationChangeSuccess', function(event, args) { if($rootScope.settings){ $rootScope.location = $location.path(); $rootScope.page_path = $location.url(); $rootScope.whole_url = "https://" + $rootScope.settings.data.site_name + $rootScope.page_path; } }); $scope.$on('notification-event', function(event, args) { $mdToast.show({ hideDelay : 12000, position : 'top right', controller : function($scope, $mdToast){ $scope.toastMessage = args.data.message; $scope.title = args.data.title; $scope.body = args.data.body; $scope.action = args.data.action; $scope.closeToast = function() { $mdToast .hide() .then(function() { return; }); }; $scope.openMoreInfo = function(e) { // Appending dialog to document.body to cover sidenav in docs app var confirm = $mdDialog.confirm() .title($scope.title) .textContent($scope.body) .ariaLabel('Notification Received') .targetEvent(e) .ok('Open My Vault') .cancel('View Later'); $mdDialog.show(confirm).then(function() { $rootScope.my_vault_detail_visible = true; }, function() { null; }); }; }, templateUrl : 'toast-template.html' }); }); $scope.$on('server-event', function(event, args) { $mdToast.show({ hideDelay : 6000, position : 'top right', controller : function($scope, $mdToast){ if(args.data.action){ $scope.action = args.data.action; } $scope.toastMessage = args.data.message; $scope.closeToast = function() { $mdToast .hide() .then(function() { return; }); }; }, templateUrl : 'toast-template.html' }); }); }]) //////////////////////////////////////////// App Data .factory('fromAppDatabase', function($q){ var realtimeDatabase = firebase.database(); var appDatabase = realtimeDatabase.ref().child('data'); var getData = function(){ var defer = $q.defer(); appDatabase.once('value') .then(function(snapshot) { var data = snapshot.val(); var app = {}; app.settings = data["settings"]; // index object // app.section_1 = data["index"]["section_1"]; // app.section_2 = data["index"]["section_2"]; // app.section_3 = data["index"]["section_3"]; // index object // app.index = data["index"]; app.pages = data["pages"]; app.resources = data["resources"] defer.resolve(app); }); return defer.promise; } return { getData: getData } }) .factory('users_data', function($q){ var realtimeDatabase = firebase.database(); var usersDatabase = realtimeDatabase.ref().child('users'); var getMe = function(id){ var defer = $q.defer(); var user = {}; usersDatabase.child(id).once('value') .then(function(snapshot) { var childData = snapshot.val(); childData.id = id; defer.resolve(childData); }); return defer.promise; } return { getMe: getMe } }) .factory('tag_data', function($q){ var realtimeDatabase = firebase.database(); var tagDatabase = realtimeDatabase.ref().child('tags'); var getTags = function(){ var defer = $q.defer(); var taglist = []; tagDatabase.once('value') .then(function(snapshot) { snapshot.forEach(function(childSnapshot) { var childKey = childSnapshot.key; var childData = childSnapshot.val(); var childDataValue = childData; taglist.push(childDataValue); }); defer.resolve(taglist); }); return defer.promise; } return { getTags: getTags } }) .factory('fromImageStorage', function($q){ var realtimeDatabase = firebase.database(); var imageDatabase = realtimeDatabase.ref().child('media/images'); var getImages = function(){ var defer = $q.defer(); var imagelist = []; imageDatabase.once('value') .then(function(snapshot) { snapshot.forEach(function(childSnapshot) { var childKey = childSnapshot.key; var childData = childSnapshot.val(); var childDataValue = {}; childDataValue.metadata = {}; if(childData.source){ childDataValue.source = childData.source; } else { childDataValue.source = childData.avatar; } if(childData.name){ childDataValue.name = childData.name; } if(childData.title){ childDataValue.title = childData.title; } if(childData.metadata){ if(childData.metadata.tags){ childDataValue.metadata.tags = childData.metadata.tags; } if(childData.metadata.cover){ childDataValue.metadata.cover = childData.metadata.cover; } if(childData.metadata.name){ childDataValue.metadata.name = childData.metadata.name; } if(childData.metadata.description){ childDataValue.metadata.description = childData.metadata.description; } } childDataValue.id = childKey; imagelist.push(childDataValue); }); defer.resolve(imagelist); }); return defer.promise; } return { getImages: getImages } }) .factory('video_data', function($q){ var realtimeDatabase = firebase.database(); var videoDatabase = realtimeDatabase.ref().child('media/video'); var getVideos = function(){ var defer = $q.defer(); var videolist = []; videoDatabase.once('value') .then(function(snapshot) { snapshot.forEach(function(childSnapshot) { var childKey = childSnapshot.key; var childData = childSnapshot.val(); var childDataValue = childData; childDataValue.id = childKey; videolist.push(childDataValue); }); defer.resolve(videolist); }); return defer.promise; } return { getVideos: getVideos } }) .factory('fromProjectsDatabase', function($q){ var realtimeDatabase = firebase.database(); var projectDatabase = realtimeDatabase.ref().child('projects'); var getprojects = function(){ var defer = $q.defer(); var projects = []; projectDatabase.once('value') .then(function(snapshot) { snapshot.forEach(function(childSnapshot) { var childKey = childSnapshot.key; var childData = childSnapshot.val(); var childDataValue = childData; childDataValue.id = childKey; projects.push(childDataValue); }); defer.resolve(projects); }); return defer.promise; } return { getprojects: getprojects } }) .factory('fromGalleriesDatabase', function($q){ var realtimeDatabase = firebase.database(); var galleryBucket = realtimeDatabase.ref().child('galleries'); var getGalleries = function(){ var defer = $q.defer(); var galleries = []; galleryBucket.once('value') .then(function(snapshot) { snapshot.forEach(function(childSnapshot) { var childKey = childSnapshot.key; var childData = childSnapshot.val(); var childDataValue = {}; childDataValue.description = childData.description; childDataValue.featured = childData.featured; childDataValue.id = childKey; childDataValue.name = childData.name; childDataValue.tag = childData.tag; childDataValue.transition = childData.transition; childDataValue.url = childData.url; galleries.push(childDataValue); }); defer.resolve(galleries); }); return defer.promise; } return { getGalleries: getGalleries } }) .filter('startFrom', function() { return function(input, start) { if(input){ var input = input; start = +start; return input.slice(start); } } }) .directive('passwordVerify', function(){ return { restrict: 'A', require: '?ngModel', link: function(scope, elem, attrs, ngModel) { if (!ngModel) return; scope.$watch(attrs.ngModel, function() { validate(); }); attrs.$observe('passwordVerify', function(val) { validate(); }); var validate = function() { var val1 = ngModel.$viewValue; var val2 = attrs.passwordVerify; ngModel.$setValidity('passwordVerify', val1 === val2); }; } } }) .directive('ngConfirmClick', [function() { // Create Custom Confirmation // Needs to handle forms -- knowing if they are 'dirty' or 'touched' return { restrict: 'A', link: function(scope, element, attrs) { element.bind('click', function() { var condition = scope.$eval(attrs.ngConfirmCondition); if(condition){ var message = attrs.ngConfirmMessage; if (message && confirm(message)) { scope.$apply(attrs.ngConfirmClick); } } else{ scope.$apply(attrs.ngConfirmClick); } }); } } }]) .directive('goBackAngular', ['$window', function($window) { return { restrict: 'A', link: function(scope, elem, attrs) { elem.bind('click', function() { $window.history.back(); }); } }; }]) .directive('menuClose', function() { return { restrict: 'AC', link: function($scope, $element) { $element.bind('click', function() { var drawer = angular.element('.mdl-layout__drawer'); var obfuscator = angular.element('.mdl-layout__obfuscator'); if(drawer) { drawer.toggleClass('is-visible'); obfuscator.toggleClass('is-visible'); } }); angular.element(document).ready( function() { componentHandler.upgradeAllRegistered(); } ); } }; }) ;
'use strict'; var async = require('async'); var colors = require('colors'); var express = require('express'); var glob = require('glob'); var merge = require('merge'); var passport = require('passport'); var path = require('path'); ////////////////////////////////////////////////////////////////////////////////////////////////// // Load configuration ////////////////////////////////////////////////////////////////////////////////////////////////// global.config = require('./../config'); ////////////////////////////////////////////////////////////////////////////////////////////////// // Express application ////////////////////////////////////////////////////////////////////////////////////////////////// var app = express(); var api = {}; var webhooks = {}; app.use(require('x-frame-options')()); app.use(require('body-parser').json()); app.use(require('cookie-parser')()); app.use(require('cookie-session')({ secret: config.server.security.sessionSecret, cookie: { maxAge: config.server.security.cookieMaxAge } })); app.use(passport.initialize()); app.use(passport.session()); // custom middleware app.use('/api', require('./middleware/param')); app.use('/api', require('./middleware/authenticated')); app.use('/github/webhook', require('./middleware/param')); app.use('/github/webhook', require('./middleware/token')); // karma middleware app.use('/api', require('./middleware/stats')); console.log('In server/app.js'); async.series([ function(callback) { console.log('checking configs'.bold); if(config.server.http.protocol !== 'http' && config.server.http.protocol !== 'https') { throw new Error('PROTOCOL must be "http" or "https"'); } if(config.server.github.protocol !== 'http' && config.server.github.protocol !== 'https') { throw new Error('GITHUB_PROTOCOL must be "http" or "https"'); } console.log('✓ '.bold.green + 'configs seem ok'); var url = require('./services/url'); console.log('Host: ' + url.baseUrl); console.log('GitHub: ' + url.githubBase); console.log('GitHub-Api: ' + url.githubApiBase); callback(); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap certificates ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap certificates'.bold); var https = require('https'), fs = require('fs'); if(config.server.https.certs) { glob(config.server.https.certs, function(err, file) { if(file && file.length) { file.forEach(function(f) { try { https.globalAgent.options.ca = https.globalAgent.options.ca || []; https.globalAgent.options.ca.push(fs.readFileSync(path.relative(process.cwd(), f))); console.log('✓ '.bold.green + path.relative(process.cwd(), f)); } catch (ex) { console.log('✖ '.bold.red + path.relative(process.cwd(), f)); console.log(ex.stack); } }); } callback(); }); } else { callback(); } }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap static ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap static files'.bold); var lessMiddleware = require('less-middleware', { force: config.server.always_recompile_less, debug: config.server.always_recompile_less }); config.server.static.app.forEach(function(p) { app.use('/', lessMiddleware(p)); app.use('/', express.static(p)); }); config.server.static.lib.forEach(function(p) { app.use('/lib', express.static(p)); }); callback(); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Apply migrations ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('apply migrations'.bold); var mm = require('mongodb-migrations'); var migrator = new mm.Migrator(config.server.mongodb, function(level, message) { console.log('ℹ︎ '.bold.yellow + message); }); async.eachSeries(config.server.migrations, function(p, callback) { glob(p, function(err, file) { if(file && file.length) { file.forEach(function(f) { try { migrator.add(require(f)); console.log('✓ '.bold.green + path.relative(process.cwd(), f)); } catch (ex) { console.log('✖ '.bold.red + path.relative(process.cwd(), f)); console.log(ex.stack); } }); migrator.migrate(callback); } }); }, callback); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap mongoose ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap mongoose'.bold); var mongoose = require('mongoose'); mongoose.connect(config.server.mongodb_uri, { server: { socketOptions: { keepAlive: 1 } } }); global.models = {}; async.eachSeries(config.server.documents, function(p, callback) { glob(p, function(err, file) { if(file && file.length) { file.forEach(function(f) { try { global.models = merge(global.models, require(f)); console.log('✓ '.bold.green + path.relative(process.cwd(), f)); } catch (ex) { console.log('✖ '.bold.red + path.relative(process.cwd(), f)); console.log(ex.stack); } }); callback(); } }); }, callback); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap passport ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap passport'.bold); async.eachSeries(config.server.passport, function(p, callback) { glob(p, function(err, file) { if(file && file.length) { file.forEach(function(f) { console.log('✓ '.bold.green + path.relative(process.cwd(), f)); require(f); }); } callback(); }); }, callback); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap controller ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap controller'.bold); async.eachSeries(config.server.controller, function(p, callback) { glob(p, function(err, file) { if(file && file.length) { file.forEach(function(f) { try { app.use('/', require(f)); console.log('✓ '.bold.green + path.relative(process.cwd(), f)); } catch (ex) { console.log('✖ '.bold.red + path.relative(process.cwd(), f)); console.log(ex.stack); } }); } callback(); }); }, callback); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap api ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap api'.bold); async.eachSeries(config.server.api, function(p, callback) { glob(p, function(err, file) { if(file && file.length) { file.forEach(function(f) { console.log('✓ '.bold.green + path.relative(process.cwd(), f)); api[path.basename(f, '.js')] = require(f); }); } callback(); }); }, callback); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap webhooks ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap webhooks'.bold); async.eachSeries(config.server.webhooks, function(p, callback) { glob(p, function(err, file) { if(file && file.length) { file.forEach(function(f) { console.log('✓ '.bold.green + path.relative(process.cwd(), f)); webhooks[path.basename(f, '.js')] = require(f); }); } callback(); }); }, callback); }, ////////////////////////////////////////////////////////////////////////////////////////////// // Bootstrap monkey patch ////////////////////////////////////////////////////////////////////////////////////////////// function(callback) { console.log('bootstrap monkey patch'.bold); async.eachSeries(config.server.monkey, function(m, callback) { glob(m, function(err, file) { if(file && file.length) { file.forEach(function(f) { console.log('✓ '.bold.green + path.relative(process.cwd(), f)); require(f); }); } callback(); }); }, callback); } ], function(err, res) { if(err) { console.log('✖ '.bold.red + 'failed to bootstrap app'); console.log(err); } console.log('\n✓ '.bold.green + 'bootstrapped, '.bold + 'app listening on localhost:' + config.server.localport); }); ////////////////////////////////////////////////////////////////////////////////////////////////// // Handle api calls ////////////////////////////////////////////////////////////////////////////////////////////////// app.all('/api/:obj/:fun', function(req, res) { res.set('Content-Type', 'application/json'); api[req.params.obj][req.params.fun](req, function(err, obj) { if(err) { return res.status(err.code > 0 ? err.code : 500).send(err.text || err); } var ret = obj ? JSON.stringify(obj) : null; res.send(ret); }); }); ////////////////////////////////////////////////////////////////////////////////////////////////// // Handle webhook calls ////////////////////////////////////////////////////////////////////////////////////////////////// app.all('/github/webhook', function(req, res) { var socket = require('./services/socket.js'); var event = req.headers['x-github-event']; if(!webhooks[event]) { return res.status(400).send('Unsupported event'); } try { webhooks[event](req, res); } catch(err) { res.status(500).send('Internal server error'); } try { socket.emit(event, req.args); } catch(err) {} }); module.exports = app;
import styled from "styled-components" export const CommentsWrapper = styled.section` margin: auto; max-width: 70rem; padding: 3rem 6.4rem 3rem; iframe[src*="ads-iframe"] { display: none; } #disqus_thread { a { color: var(--highlight) !important; } } ` export const CommentsTitle = styled.h2` color: #fff; font-size: 2.1rem; font-weight: 700; padding-bottom: 2rem; `
import Autocomplete from "./Autocomplete.jsx"; import * as sinon from 'sinon'; describe('Autocomplete Test', () => { let component: Autocomplete; describe('Setup and Teardown', () => { test('should create a valid component', () => { component = new Autocomplete({}); expect(component).toBeDefined(); }); test('Should set an initial state', () => { component = new Autocomplete({}); expect(component.state).toEqual({ open: false, results: [], cursor: 0, selection: [], defaultValue: '' }); }); test('Initialize formcontrol', () => { component = new Autocomplete({ defaultValue: 'some value' }); }); }); describe('Modes', () => { test('Setup multi select mode', () => { component = new Autocomplete({}); expect(component.selectionMode.constructor.name).toBe('SingleSelectionMode'); }); test('Setup single select mode', () => { component = new Autocomplete({ multipleSelect: true }); expect(component.selectionMode.constructor.name).toBe('MultipleSelectionMode'); }); test('Setup Sync Search mode', () => { component = new Autocomplete({}); expect(component.searchMode.constructor.name).toBe('SyncSearchMode'); }); test('Setup Async test mode', () => { component = new Autocomplete({ asyncItems: sinon.stub() }); expect(component.searchMode.constructor.name).toBe('AsyncSearchMode'); }); }); describe('Selection', () => { test('selecting item ', () => { component = new Autocomplete({}); const spyOnSelect = sinon.stub(component.selectionMode, 'select'); component.selectOption({label: 'hi', value: 'hi'}); expect(spyOnSelect.calledOnce).toBe(true); }) }) });
""" author @goswami-rahul To find minimum cost path from station 0 to station N-1, where cost of moving from ith station to jth station is given as: Matrix of size (N x N) where Matrix[i][j] denotes the cost of moving from station i --> station j for i < j NOTE that values where Matrix[i][j] and i > j does not mean anything, and hence represented by -1 or INF For the input below (cost matrix), Minimum cost is obtained as from { 0 --> 1 --> 3} = cost[0][1] + cost[1][3] = 65 the Output will be: The Minimum cost to reach station 4 is 65 Time Complexity: O(n^2) Space Complexity: O(n) """ INF = float("inf") def min_cost(cost): n = len(cost) # dist[i] stores minimum cost from 0 --> i. dist = [INF] * n dist[0] = 0 # cost from 0 --> 0 is zero. for i in range(n): for j in range(i + 1, n): dist[j] = min(dist[j], dist[i] + cost[i][j]) return dist[n - 1] if __name__ == "__main__": cost = [ [0, 15, 80, 90], # cost[i][j] is the cost of [-1, 0, 40, 50], # going from i --> j [-1, -1, 0, 70], [-1, -1, -1, 0], ] # cost[i][j] = -1 for i > j total_len = len(cost) mcost = min_cost(cost) assert mcost == 65 print("The Minimum cost to reach station %d is %d" % (total_len, mcost))
/** * @fileoverview added by tsickle * @suppress {checkTypes,extraRequire,missingOverride,missingReturn,unusedPrivateMembers,uselessCode} checked by tsc */ export default { today: '今日', now: '現在時刻', backToToday: '今日に戻る', ok: '決定', timeSelect: '時間を選択', dateSelect: '日時を選択', clear: 'クリア', month: '月', year: '年', previousMonth: '前月 (ページアップキー)', nextMonth: '翌月 (ページダウンキー)', monthSelect: '月を選択', yearSelect: '年を選択', decadeSelect: '年代を選択', yearFormat: 'YYYY年', dayFormat: 'D日', dateFormat: 'YYYY年M月D日', dateTimeFormat: 'YYYY年M月D日 HH時mm分ss秒', previousYear: '前年 (Controlを押しながら左キー)', nextYear: '翌年 (Controlを押しながら右キー)', previousDecade: '前の年代', nextDecade: '次の年代', previousCentury: '前の世紀', nextCentury: '次の世紀', }; //# sourceMappingURL=data:application/json;base64,eyJ2ZXJzaW9uIjozLCJmaWxlIjoiamFfSlAuanMiLCJzb3VyY2VSb290Ijoibmc6Ly9uZy16b3Jyby1hbnRkLyIsInNvdXJjZXMiOlsiaTE4bi9sYW5ndWFnZXMvY2FsZW5kYXIvamFfSlAudHMiXSwibmFtZXMiOltdLCJtYXBwaW5ncyI6Ijs7OztBQUFBLGVBQWU7SUFDYixLQUFLLEVBQUUsSUFBSTtJQUNYLEdBQUcsRUFBRSxNQUFNO0lBQ1gsV0FBVyxFQUFFLE9BQU87SUFDcEIsRUFBRSxFQUFFLElBQUk7SUFDUixVQUFVLEVBQUUsT0FBTztJQUNuQixVQUFVLEVBQUUsT0FBTztJQUNuQixLQUFLLEVBQUUsS0FBSztJQUNaLEtBQUssRUFBRSxHQUFHO0lBQ1YsSUFBSSxFQUFFLEdBQUc7SUFDVCxhQUFhLEVBQUUsZUFBZTtJQUM5QixTQUFTLEVBQUUsZUFBZTtJQUMxQixXQUFXLEVBQUUsTUFBTTtJQUNuQixVQUFVLEVBQUUsTUFBTTtJQUNsQixZQUFZLEVBQUUsT0FBTztJQUNyQixVQUFVLEVBQUUsT0FBTztJQUNuQixTQUFTLEVBQUUsSUFBSTtJQUNmLFVBQVUsRUFBRSxXQUFXO0lBQ3ZCLGNBQWMsRUFBRSxxQkFBcUI7SUFDckMsWUFBWSxFQUFFLHVCQUF1QjtJQUNyQyxRQUFRLEVBQUUsdUJBQXVCO0lBQ2pDLGNBQWMsRUFBRSxNQUFNO0lBQ3RCLFVBQVUsRUFBRSxNQUFNO0lBQ2xCLGVBQWUsRUFBRSxNQUFNO0lBQ3ZCLFdBQVcsRUFBRSxNQUFNO0NBQ3BCLENBQUMiLCJzb3VyY2VzQ29udGVudCI6WyJleHBvcnQgZGVmYXVsdCB7XG4gIHRvZGF5OiAn5LuK5pelJyxcbiAgbm93OiAn54++5Zyo5pmC5Yi7JyxcbiAgYmFja1RvVG9kYXk6ICfku4rml6XjgavmiLvjgosnLFxuICBvazogJ+axuuWumicsXG4gIHRpbWVTZWxlY3Q6ICfmmYLplpPjgpLpgbjmip4nLFxuICBkYXRlU2VsZWN0OiAn5pel5pmC44KS6YG45oqeJyxcbiAgY2xlYXI6ICfjgq/jg6rjgqInLFxuICBtb250aDogJ+aciCcsXG4gIHllYXI6ICflubQnLFxuICBwcmV2aW91c01vbnRoOiAn5YmN5pyIICjjg5rjg7zjgrjjgqLjg4Pjg5fjgq3jg7wpJyxcbiAgbmV4dE1vbnRoOiAn57+M5pyIICjjg5rjg7zjgrjjg4Djgqbjg7Pjgq3jg7wpJyxcbiAgbW9udGhTZWxlY3Q6ICfmnIjjgpLpgbjmip4nLFxuICB5ZWFyU2VsZWN0OiAn5bm044KS6YG45oqeJyxcbiAgZGVjYWRlU2VsZWN0OiAn5bm05Luj44KS6YG45oqeJyxcbiAgeWVhckZvcm1hdDogJ1lZWVnlubQnLFxuICBkYXlGb3JtYXQ6ICdE5pelJyxcbiAgZGF0ZUZvcm1hdDogJ1lZWVnlubRN5pyIROaXpScsXG4gIGRhdGVUaW1lRm9ybWF0OiAnWVlZWeW5tE3mnIhE5pelIEhI5pmCbW3liIZzc+enkicsXG4gIHByZXZpb3VzWWVhcjogJ+WJjeW5tCAoQ29udHJvbOOCkuaKvOOBl+OBquOBjOOCieW3puOCreODvCknLFxuICBuZXh0WWVhcjogJ+e/jOW5tCAoQ29udHJvbOOCkuaKvOOBl+OBquOBjOOCieWPs+OCreODvCknLFxuICBwcmV2aW91c0RlY2FkZTogJ+WJjeOBruW5tOS7oycsXG4gIG5leHREZWNhZGU6ICfmrKHjga7lubTku6MnLFxuICBwcmV2aW91c0NlbnR1cnk6ICfliY3jga7kuJbntIAnLFxuICBuZXh0Q2VudHVyeTogJ+asoeOBruS4lue0gCcsXG59O1xuIl19
deepmacDetailCallback("001816000000/24",[{"d":"2006-06-13","t":"add","a":"Cheongdong Building 2F\n1344-29 Seocho dong Seocho ku\nSeoul 137-070\n","c":"KOREA, REPUBLIC OF","o":"Ubixon Co., Ltd."},{"d":"2015-08-27","t":"change","a":"Cheongdong Building 2F Seoul KR 137-070","c":"KR","o":"Ubixon Co., Ltd."}]);
/* * Copyright 2018 Adobe. All rights reserved. * This file is licensed 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 REPRESENTATIONS * OF ANY KIND, either express or implied. See the License for the specific language * governing permissions and limitations under the License. */ // eslint-disable-next-line import/no-extraneous-dependencies, import/no-unresolved const jsdom = require('jsdom'); const RSSParser = require('rss-parser'); const moment = require('moment'); const DOMUtil = require('./DOM_munging.js'); const rss = new RSSParser(); const { JSDOM } = jsdom; const dom = new JSDOM(); function formatPostAsHTML(post) { const { creator, title, link, } = post; let { pubDate } = post; const pubMoment = moment(pubDate); pubDate = `${pubMoment.format('MMM Do')} ${(moment().year() !== pubMoment.year() ? pubMoment.year() : '')}`; const temp = dom.window.document.createElement('div'); temp.innerHTML = post['content:encoded']; // brief googling yields a rough math of 265 words per minute read time const allWords = DOMUtil.getAllWords(temp); const readingLength = Math.ceil(allWords.length / 265); const paragraphs = temp.getElementsByTagName('p'); const firstParagraphContent = paragraphs[0].textContent; const secondParagraphContent = (paragraphs[1] ? paragraphs[1].textContent : ''); let caption = `${firstParagraphContent} ${secondParagraphContent}`; if (caption.length > 120) { caption = caption.substring(0, 120); caption = caption.replace(/\w+$/, '...'); } temp.innerHTML = caption; DOMUtil.spectrumify(temp); caption = temp.innerHTML; return { pubDate, creator, title, caption, readingLength, link, }; } async function getPostsAsHTML(logger, url, length = 3) { // pull recent blog posts from medium logger.info(`Loading ${length} articles from ${url}`); let feed = []; try { feed = await rss.parseURL(url); } catch (e) { logger.error(`Error attempting to parse Adobe rss feed at: ${url} => ${e.stack || e}`); return []; } return feed.items.slice(0, length).map(formatPostAsHTML); } const MediumUtil = { getPostsAsHTML, }; module.exports = MediumUtil;
# /usr/bin/python # To run this test you need python nose tools installed # Run test just use: # nosetest test_display.py # import os, sys, pickle from SimpleCV import * from nose.tools import with_setup, nottest VISUAL_TEST = True # if TRUE we save the images - otherwise we DIFF against them - the default is False SHOW_WARNING_TESTS = False # show that warnings are working - tests will pass but warnings are generated. #colors black = Color.BLACK white = Color.WHITE red = Color.RED green = Color.GREEN blue = Color.BLUE ############### # TODO - # Examples of how to do profiling # Examples of how to do a single test - # UPDATE THE VISUAL TESTS WITH EXAMPLES. # Fix exif data # Turn off test warnings using decorators. # Write a use the tests doc. #images barcode = "../sampleimages/barcode.png" testimage = "../sampleimages/9dots4lines.png" testimage2 = "../sampleimages/aerospace.jpg" whiteimage = "../sampleimages/white.png" blackimage = "../sampleimages/black.png" testimageclr = "../sampleimages/statue_liberty.jpg" testbarcode = "../sampleimages/barcode.png" testoutput = "../sampleimages/9d4l.jpg" tmpimg = "../sampleimages/tmpimg.jpg" greyscaleimage = "../sampleimages/greyscale.jpg" logo = "../sampleimages/simplecv.png" logo_inverted = "../sampleimages/simplecv_inverted.png" ocrimage = "../sampleimages/ocr-test.png" circles = "../sampleimages/circles.png" webp = "../sampleimages/simplecv.webp" #alpha masking images topImg = "../sampleimages/RatTop.png" bottomImg = "../sampleimages/RatBottom.png" maskImg = "../sampleimages/RatMask.png" alphaMaskImg = "../sampleimages/RatAlphaMask.png" alphaSrcImg = "../sampleimages/GreenMaskSource.png" #standards path standard_path = "./standard/" #track images trackimgs = ["../sampleimages/tracktest0.jpg", "../sampleimages/tracktest1.jpg", "../sampleimages/tracktest2.jpg", "../sampleimages/tracktest3.jpg", "../sampleimages/tracktest4.jpg", "../sampleimages/tracktest5.jpg", "../sampleimages/tracktest6.jpg", "../sampleimages/tracktest7.jpg", "../sampleimages/tracktest8.jpg", "../sampleimages/tracktest9.jpg",] #Given a set of images, a path, and a tolerance do the image diff. def imgDiffs(test_imgs,name_stem,tolerance,path): count = len(test_imgs) for idx in range(0,count): lhs = test_imgs[idx].applyLayers() # this catches drawing methods fname = standard_path+name_stem+str(idx)+".jpg" rhs = Image(fname) if( lhs.width == rhs.width and lhs.height == rhs.height ): diff = (lhs-rhs) val = np.average(diff.getNumpy()) if( val > tolerance ): print val return True return False #Save a list of images to a standard path. def imgSaves(test_imgs, name_stem, path=standard_path): count = len(test_imgs) for idx in range(0,count): fname = standard_path+name_stem+str(idx)+".jpg" test_imgs[idx].save(fname)#,quality=95) #perform the actual image save and image diffs. def perform_diff(result,name_stem,tolerance=2.0,path=standard_path): if(VISUAL_TEST): # save the correct images for a visual test imgSaves(result,name_stem,path) else: # otherwise we test our output against the visual test if( imgDiffs(result,name_stem,tolerance,path) ): assert False else: pass #These function names are required by nose test, please leave them as is def setup_context(): img = Image(testimage) def destroy_context(): img = "" @with_setup(setup_context, destroy_context) def test_image_stretch(): img = Image(greyscaleimage) stretched = img.stretch(100,200) if(stretched == None): assert False result = [stretched] name_stem = "test_stretch" perform_diff(result,name_stem) def test_image_bitmap(): img1 = Image("lenna") img2 = Image("lenna") img2 = img2.smooth() result = [img1,img2] name_stem = "test_image_bitmap" perform_diff(result,name_stem) # # Image Class Test def test_image_scale(): img = Image(testimage) thumb = img.scale(30,30) if(thumb == None): assert False result = [thumb] name_stem = "test_image_scale" perform_diff(result,name_stem) def test_image_copy(): img = Image(testimage2) copy = img.copy() if (img[1,1] != copy[1,1] or img.size() != copy.size()): assert False result = [copy] name_stem = "test_image_copy" perform_diff(result,name_stem) pass def test_image_setitem(): img = Image(testimage) img[1,1] = (0, 0, 0) newimg = Image(img.getBitmap()) colors = newimg[1,1] if (colors[0] == 0 and colors[1] == 0 and colors[2] == 0): pass else: assert False result = [newimg] name_stem = "test_image_setitem" perform_diff(result,name_stem) def test_image_setslice(): img = Image(testimage) img[1:10,1:10] = (0,0,0) #make a black box newimg = Image(img.getBitmap()) section = newimg[1:10,1:10] for i in range(5): colors = section[i,0] if (colors[0] != 0 or colors[1] != 0 or colors[2] != 0): assert False pass result = [newimg] name_stem = "test_image_setslice" perform_diff(result,name_stem) def test_detection_findCorners(): img = Image(testimage2) corners = img.findCorners(25) corners.draw() if (len(corners) == 0): assert False result = [img] name_stem = "test_detection_findCorners" perform_diff(result,name_stem) def test_image_smooth(): img = Image(testimage2) result = [] result.append(img.smooth()) result.append(img.smooth('bilateral', (3,3), 4, 1)) result.append(img.smooth('blur', (3, 3))) result.append(img.smooth('median', (3, 3))) result.append(img.smooth('gaussian', (5,5), 0)) result.append(img.smooth('bilateral', (3,3), 4, 1,grayscale=False)) result.append(img.smooth('blur', (3, 3),grayscale=True)) result.append(img.smooth('median', (3, 3),grayscale=True)) result.append(img.smooth('gaussian', (5,5), 0,grayscale=True)) name_stem = "test_image_smooth" perform_diff(result,name_stem) pass def test_image_binarize(): img = Image(testimage2) binary = img.binarize() binary2 = img.binarize((60, 100, 200)) hist = binary.histogram(20) hist2 = binary2.histogram(20) result = [binary,binary2] name_stem = "test_image_binarize" perform_diff(result,name_stem) if (hist[0] + hist[-1] == np.sum(hist) and hist2[0] + hist2[-1] == np.sum(hist2)): pass else: assert False def test_image_binarize_adaptive(): img = Image(testimage2) binary = img.binarize(-1) hist = binary.histogram(20) result = [binary] name_stem = "test_image_binarize_adaptive" perform_diff(result,name_stem) if (hist[0] + hist[-1] == np.sum(hist)): pass else: assert False def test_image_invert(): img = Image(testimage2) clr = img[1,1] img = img.invert() result = [img] name_stem = "test_image_invert" perform_diff(result,name_stem) if (clr[0] == (255 - img[1,1][0])): pass else: assert False def test_image_drawing(): img = Image(testimageclr) img.drawCircle((img.width/2, img.height/2), 10,thickness=3) img.drawCircle((img.width/2, img.height/2), 15,thickness=5,color=Color.RED) img.drawCircle((img.width/2, img.height/2), 20) img.drawLine((5, 5), (5, 8)) img.drawLine((5, 5), (10, 10),thickness=3) img.drawLine((0, 0), (img.width, img.height),thickness=3,color=Color.BLUE) img.drawRectangle(20,20,10,5) img.drawRectangle(22,22,10,5,alpha=128) img.drawRectangle(24,24,10,15,width=-1,alpha=128) img.drawRectangle(28,28,10,15,width=3,alpha=128) result = [img] name_stem = "test_image_drawing" perform_diff(result,name_stem) def test_image_splitchannels(): img = Image(testimageclr) (r, g, b) = img.splitChannels(True) (red, green, blue) = img.splitChannels() result = [r,g,b,red,green,blue] name_stem = "test_image_splitchannels" perform_diff(result,name_stem) pass def test_detection_lines(): img = Image(testimage2) lines = img.findLines() lines.draw() result = [img] name_stem = "test_detection_lines" perform_diff(result,name_stem) if(lines == 0 or lines == None): assert False def test_detection_blobs_appx(): img = Image("lenna") blobs = img.findBlobs() blobs[-1].draw(color=Color.RED) blobs[-1].drawAppx(color=Color.BLUE) result = [img] img2 = Image("lenna") blobs = img2.findBlobs(appx_level=11) blobs[-1].draw(color=Color.RED) blobs[-1].drawAppx(color=Color.BLUE) result.append(img2) name_stem = "test_detection_blobs_appx" perform_diff(result,name_stem,5.00) if blobs == None: assert False def test_detection_blobs(): img = Image(testbarcode) blobs = img.findBlobs() blobs.draw(color=Color.RED) result = [img] #TODO - WE NEED BETTER COVERAGE HERE name_stem = "test_detection_blobs" perform_diff(result,name_stem,5.00) if blobs == None: assert False def test_detection_blobs_lazy(): img = Image("lenna") b = img.findBlobs() result = [] s = pickle.dumps(b[-1]) # use two otherwise it w b2 = pickle.loads(s) result.append(b[-1].mImg) result.append(b[-1].mMask) result.append(b[-1].mHullImg) result.append(b[-1].mHullMask) result.append(b2.mImg) result.append(b2.mMask) result.append(b2.mHullImg) result.append(b2.mHullMask) #TODO - WE NEED BETTER COVERAGE HERE name_stem = "test_detection_blobs_lazy" perform_diff(result,name_stem,6.00) def test_detection_blobs_adaptive(): img = Image(testimage) blobs = img.findBlobs(-1, threshblocksize=99) blobs.draw(color=Color.RED) result = [img] name_stem = "test_detection_blobs_adaptive" perform_diff(result,name_stem,5.00) if blobs == None: assert False def test_color_curve_HSL(): y = np.array([[0,0],[64,128],[192,128],[255,255]]) #These are the weights curve = ColorCurve(y) img = Image(testimage) img2 = img.applyHLSCurve(curve,curve,curve) img3 = img-img2 result = [img2,img3] name_stem = "test_color_curve_HLS" perform_diff(result,name_stem) c = img3.meanColor() if( c[0] > 2.0 or c[1] > 2.0 or c[2] > 2.0 ): #there may be a bit of roundoff error assert False def test_color_curve_RGB(): y = np.array([[0,0],[64,128],[192,128],[255,255]]) #These are the weights curve = ColorCurve(y) img = Image(testimage) img2 = img.applyRGBCurve(curve,curve,curve) img3 = img-img2 result = [img2,img3] name_stem = "test_color_curve_RGB" perform_diff(result,name_stem) c = img3.meanColor() if( c[0] > 1.0 or c[1] > 1.0 or c[2] > 1.0 ): #there may be a bit of roundoff error assert False def test_color_curve_GRAY(): y = np.array([[0,0],[64,128],[192,128],[255,255]]) #These are the weights curve = ColorCurve(y) img = Image(testimage) gray = img.grayscale() img2 = img.applyIntensityCurve(curve) result = [img2] name_stem = "test_color_curve_GRAY" perform_diff(result,name_stem) g=gray.meanColor() i2=img2.meanColor() if( g[0]-i2[0] > 1 ): #there may be a bit of roundoff error assert False def test_image_dilate(): img=Image(barcode) img2 = img.dilate(20) result = [img2] name_stem = "test_image_dilate" perform_diff(result,name_stem) c=img2.meanColor() if( c[0] < 254 or c[1] < 254 or c[2] < 254 ): assert False; def test_image_erode(): img=Image(barcode) img2 = img.erode(100) result = [img2] name_stem = "test_image_erode" perform_diff(result,name_stem) c=img2.meanColor() print(c) if( c[0] > 0 or c[1] > 0 or c[2] > 0 ): assert False; def test_image_morph_open(): img = Image(barcode); erode= img.erode() dilate = erode.dilate() result = img.morphOpen() test = result-dilate c=test.meanColor() results = [result] name_stem = "test_image_morph_open" perform_diff(results,name_stem) if( c[0] > 1 or c[1] > 1 or c[2] > 1 ): assert False; def test_image_morph_close(): img = Image(barcode) dilate = img.dilate() erode = dilate.erode() result = img.morphClose() test = result-erode c=test.meanColor() results = [result] name_stem = "test_image_morph_close" perform_diff(results,name_stem) if( c[0] > 1 or c[1] > 1 or c[2] > 1 ): assert False; def test_image_morph_grad(): img = Image(barcode) dilate = img.dilate() erode = img.erode() dif = dilate-erode result = img.morphGradient() test = result-dif c=test.meanColor() results = [result] name_stem = "test_image_morph_grad" perform_diff(results,name_stem) if( c[0] > 1 or c[1] > 1 or c[2] > 1 ): assert False def test_image_rotate_fixed(): img = Image(testimage2) img2=img.rotate(180, scale = 1) img3=img.flipVertical() img4=img3.flipHorizontal() img5 = img.rotate(70) img6 = img.rotate(70,scale=0.5) results = [img2,img3,img4,img5,img6] name_stem = "test_image_rotate_fixed" perform_diff(results,name_stem) test = img4-img2 c=test.meanColor() print(c) if( c[0] > 5 or c[1] > 5 or c[2] > 5 ): assert False def test_image_rotate_full(): img = Image(testimage2) img2=img.rotate(180,"full",scale = 1) results = [img2] name_stem = "test_image_rotate_full" perform_diff(results,name_stem) c1=img.meanColor() c2=img2.meanColor() if( abs(c1[0]-c2[0]) > 5 or abs(c1[1]-c2[1]) > 5 or abs(c1[2]-c2[2]) > 5 ): assert False def test_image_shear_warp(): img = Image(testimage2) dst = ((img.width/2,0),(img.width-1,img.height/2),(img.width/2,img.height-1)) s = img.shear(dst) color = s[0,0] if (color != (0,0,0)): assert False dst = ((img.width*0.05,img.height*0.03),(img.width*0.9,img.height*0.1),(img.width*0.8,img.height*0.7),(img.width*0.2,img.height*0.9)) w = img.warp(dst) results = [s,w] name_stem = "test_image_shear_warp" perform_diff(results,name_stem) color = s[0,0] if (color != (0,0,0)): assert False pass def test_image_affine(): img = Image(testimage2) src = ((0,0),(img.width-1,0),(img.width-1,img.height-1)) dst = ((img.width/2,0),(img.width-1,img.height/2),(img.width/2,img.height-1)) aWarp = cv.CreateMat(2,3,cv.CV_32FC1) cv.GetAffineTransform(src,dst,aWarp) atrans = img.transformAffine(aWarp) aWarp2 = np.array(aWarp) atrans2 = img.transformAffine(aWarp2) test = atrans-atrans2 c=test.meanColor() results = [atrans,atrans2] name_stem = "test_image_affine" perform_diff(results,name_stem) if( c[0] > 1 or c[1] > 1 or c[2] > 1 ): assert False def test_image_perspective(): img = Image(testimage2) src = ((0,0),(img.width-1,0),(img.width-1,img.height-1),(0,img.height-1)) dst = ((img.width*0.05,img.height*0.03),(img.width*0.9,img.height*0.1),(img.width*0.8,img.height*0.7),(img.width*0.2,img.height*0.9)) pWarp = cv.CreateMat(3,3,cv.CV_32FC1) cv.GetPerspectiveTransform(src,dst,pWarp) ptrans = img.transformPerspective(pWarp) pWarp2 = np.array(pWarp) ptrans2 = img.transformPerspective(pWarp2) test = ptrans-ptrans2 c=test.meanColor() results = [ptrans,ptrans2] name_stem = "test_image_perspective" perform_diff(results,name_stem) if( c[0] > 1 or c[1] > 1 or c[2] > 1 ): assert False def test_camera_undistort(): fakeCamera = FrameSource() fakeCamera.loadCalibration("TestCalibration") img = Image("../sampleimages/CalibImage0.png") img2 = fakeCamera.undistort(img) results = [img2] name_stem = "test_camera_undistort" perform_diff(results,name_stem) if( not img2 ): #right now just wait for this to return assert False def test_image_crop(): img = Image(logo) x = 5 y = 6 w = 10 h = 20 crop = img.crop(x,y,w,h) crop2 = img[x:(x+w),y:(y+h)] crop6 = img.crop(0,0,10,10) if( SHOW_WARNING_TESTS ): crop7 = img.crop(0,0,-10,10) crop8 = img.crop(-50,-50,10,10) crop3 = img.crop(-3,-3,10,20) crop4 = img.crop(-10,10,20,20,centered=True) crop5 = img.crop(-10,-10,20,20) results = [crop,crop2,crop6] name_stem = "test_image_crop" perform_diff(results,name_stem) diff = crop-crop2; c=diff.meanColor() if( c[0] > 0 or c[1] > 0 or c[2] > 0 ): assert False def test_image_region_select(): img = Image(logo) x1 = 0 y1 = 0 x2 = img.width y2 = img.height crop = img.regionSelect(x1,y1,x2,y2) results = [crop] name_stem = "test_image_region_select" perform_diff(results,name_stem) diff = crop-img; c=diff.meanColor() if( c[0] > 0 or c[1] > 0 or c[2] > 0 ): assert False def test_image_subtract(): imgA = Image(logo) imgB = Image(logo_inverted) imgC = imgA - imgB results = [imgC] name_stem = "test_image_subtract" perform_diff(results,name_stem) def test_image_negative(): imgA = Image(logo) imgB = -imgA results = [imgB] name_stem = "test_image_negative" perform_diff(results,name_stem) def test_image_divide(): imgA = Image(logo) imgB = Image(logo_inverted) imgC = imgA / imgB results = [imgC] name_stem = "test_image_divide" perform_diff(results,name_stem) def test_image_and(): imgA = Image(barcode) imgB = imgA.invert() imgC = imgA & imgB # should be all black results = [imgC] name_stem = "test_image_and" perform_diff(results,name_stem) def test_image_or(): imgA = Image(barcode) imgB = imgA.invert() imgC = imgA | imgB #should be all white results = [imgC] name_stem = "test_image_or" perform_diff(results,name_stem) def test_color_colormap_build(): cm = ColorModel() #cm.add(Image(logo)) cm.add((127,127,127)) if(cm.contains((127,127,127))): cm.remove((127,127,127)) else: assert False cm.remove((0,0,0)) cm.remove((255,255,255)) cm.add((0,0,0)) cm.add([(0,0,0),(255,255,255)]) cm.add([(255,0,0),(0,255,0)]) img = cm.threshold(Image(testimage)) c=img.meanColor() #if( c[0] > 1 or c[1] > 1 or c[2] > 1 ): # assert False cm.save("temp.txt") cm2 = ColorModel() cm2.load("temp.txt") img = Image("logo") img2 = cm2.threshold(img) cm2.add((0,0,255)) img3 = cm2.threshold(img) cm2.add((255,255,0)) cm2.add((0,255,255)) cm2.add((255,0,255)) img4 = cm2.threshold(img) cm2.add(img) img5 = cm2.threshold(img) results = [img,img2,img3,img4,img5] name_stem = "test_color_colormap_build" perform_diff(results,name_stem) #c=img.meanColor() #if( c[0] > 1 or c[1] > 1 or c[2] > 1 ): # assert False def test_color_conversion_func_BGR(): #we'll just go through the space to make sure nothing blows up img = Image(testimage) results = [] results.append(img.toBGR()) results.append(img.toRGB()) results.append(img.toHLS()) results.append(img.toHSV()) results.append(img.toXYZ()) bgr = img.toBGR() results.append(bgr.toBGR()) results.append(bgr.toRGB()) results.append(bgr.toHLS()) results.append(bgr.toHSV()) results.append(bgr.toXYZ()) name_stem = "test_color_conversion_func_BGR" perform_diff(results,name_stem,tolerance=4.0) def test_color_conversion_func_HSV(): img = Image(testimage) hsv = img.toHSV() results = [hsv] results.append(hsv.toBGR()) results.append(hsv.toRGB()) results.append(hsv.toHLS()) results.append(hsv.toHSV()) results.append(hsv.toXYZ()) name_stem = "test_color_conversion_func_HSV" perform_diff(results,name_stem,tolerance=4.0 ) def test_color_conversion_func_HLS(): img = Image(testimage) hls = img.toHLS() results = [hls] results.append(hls.toBGR()) results.append(hls.toRGB()) results.append(hls.toHLS()) results.append(hls.toHSV()) results.append(hls.toXYZ()) name_stem = "test_color_conversion_func_HLS" perform_diff(results,name_stem,tolerance=4.0) def test_color_conversion_func_XYZ(): img = Image(testimage) xyz = img.toXYZ() results = [xyz] results.append(xyz.toBGR()) results.append(xyz.toRGB()) results.append(xyz.toHLS()) results.append(xyz.toHSV()) results.append(xyz.toXYZ()) name_stem = "test_color_conversion_func_XYZ" perform_diff(results,name_stem,tolerance=8.0) def test_blob_maker(): img = Image("../sampleimages/blockhead.png") blobber = BlobMaker() results = blobber.extract(img) print(len(results)) if( len(results) != 7 ): assert False def test_blob_holes(): img = Image("../sampleimages/blockhead.png") blobber = BlobMaker() blobs = blobber.extract(img) count = 0 blobs.draw() results = [img] name_stem = "test_blob_holes" perform_diff(results,name_stem,tolerance=3.0) for b in blobs: if( b.mHoleContour is not None ): count = count + len(b.mHoleContour) if( count != 7 ): assert False def test_blob_hull(): img = Image("../sampleimages/blockhead.png") blobber = BlobMaker() blobs = blobber.extract(img) blobs.draw() results = [img] name_stem = "test_blob_holes" perform_diff(results,name_stem,tolerance=3.0) for b in blobs: if( len(b.mConvexHull) < 3 ): assert False def test_blob_render(): img = Image("../sampleimages/blockhead.png") blobber = BlobMaker() blobs = blobber.extract(img) dl = DrawingLayer((img.width,img.height)) reimg = DrawingLayer((img.width,img.height)) for b in blobs: b.draw(color=Color.RED, alpha=128) b.drawHoles(width=2,color=Color.BLUE) b.drawHull(color=Color.ORANGE,width=2) b.draw(color=Color.RED, alpha=128,layer=dl) b.drawHoles(width=2,color=Color.BLUE,layer=dl) b.drawHull(color=Color.ORANGE,width=2,layer=dl) b.drawMaskToLayer(reimg) img.addDrawingLayer(dl) results = [img] name_stem = "test_blob_render" perform_diff(results,name_stem,tolerance=5.0) pass def test_image_convolve(): img = Image(testimageclr) kernel = np.array([[0,0,0],[0,1,0],[0,0,0]]) img2 = img.convolve(kernel,center=(2,2)) results = [img2] name_stem = "test_image_convolve" perform_diff(results,name_stem) c=img.meanColor() d=img2.meanColor() e0 = abs(c[0]-d[0]) e1 = abs(c[1]-d[1]) e2 = abs(c[2]-d[2]) if( e0 > 1 or e1 > 1 or e2 > 1 ): assert False def test_template_match(): source = Image("../sampleimages/templatetest.png") template = Image("../sampleimages/template.png") t = 2 fs = source.findTemplate(template,threshold=t) fs.draw() results = [source] name_stem = "test_template_match" perform_diff(results,name_stem) pass def test_embiggen(): img = Image(logo) results = [] w = int(img.width*1.2) h = int(img.height*1.2) results.append(img.embiggen(size=(w,h),color=Color.RED)) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(30,30))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(-20,-20))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(30,-20))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(60,-20))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(60,30))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(80,80))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(30,80))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(-20,80))) results.append(img.embiggen(size=(w,h),color=Color.RED,pos=(-20,30))) name_stem = "test_embiggen" perform_diff(results,name_stem) pass def test_createBinaryMask(): img2 = Image(logo) results = [] results.append(img2.createBinaryMask(color1=(0,100,100),color2=(255,200,200))) results.append(img2.createBinaryMask(color1=(0,0,0),color2=(128,128,128))) results.append(img2.createBinaryMask(color1=(0,0,128),color2=(255,255,255))) name_stem = "test_createBinaryMask" perform_diff(results,name_stem) pass def test_applyBinaryMask(): img = Image(logo) mask = img.createBinaryMask(color1=(0,128,128),color2=(255,255,255)) results = [] results.append(img.applyBinaryMask(mask)) results.append(img.applyBinaryMask(mask,bg_color=Color.RED)) name_stem = "test_applyBinaryMask" perform_diff(results,name_stem,tolerance=3.0) pass def test_applyPixelFunc(): img = Image(logo) def myFunc((r,g,b)): return( (b,g,r) ) img = img.applyPixelFunction(myFunc) name_stem = "test_applyPixelFunc" results = [img] perform_diff(results,name_stem) pass def test_applySideBySide(): img = Image(logo) img3 = Image(testimage2) #LB = little image big image #BL = big image little image -> this is important to test all the possible cases. results = [] results.append(img3.sideBySide(img,side='right',scale=False)) results.append(img3.sideBySide(img,side='left',scale=False)) results.append(img3.sideBySide(img,side='top',scale=False)) results.append(img3.sideBySide(img,side='bottom',scale=False)) results.append(img.sideBySide(img3,side='right',scale=False)) results.append(img.sideBySide(img3,side='left',scale=False)) results.append(img.sideBySide(img3,side='top',scale=False)) results.append(img.sideBySide(img3,side='bottom',scale=False)) results.append(img3.sideBySide(img,side='right',scale=True)) results.append(img3.sideBySide(img,side='left',scale=True)) results.append(img3.sideBySide(img,side='top',scale=True)) results.append(img3.sideBySide(img,side='bottom',scale=True)) results.append(img.sideBySide(img3,side='right',scale=True)) results.append(img.sideBySide(img3,side='left',scale=True)) results.append(img.sideBySide(img3,side='top',scale=True)) results.append(img.sideBySide(img3,side='bottom',scale=True)) name_stem = "test_applySideBySide" perform_diff(results,name_stem) pass def test_resize(): img = Image(logo) w = img.width h = img.height img2 = img.resize(w*2,None) if( img2.width != w*2 or img2.height != h*2): assert False img3 = img.resize(h=h*2) if( img3.width != w*2 or img3.height != h*2): assert False img4 = img.resize(h=h*2,w=w*2) if( img4.width != w*2 or img4.height != h*2): assert False pass results = [img2,img3,img4] name_stem = "test_resize" perform_diff(results,name_stem) def test_createAlphaMask(): alphaMask = Image(alphaSrcImg) mask = alphaMask.createAlphaMask(hue=60) mask2 = alphaMask.createAlphaMask(hue_lb=59,hue_ub=61) top = Image(topImg) bottom = Image(bottomImg) bottom = bottom.blit(top,alphaMask=mask2) results = [mask,mask2,bottom] name_stem = "test_createAlphaMask" perform_diff(results,name_stem) def test_blit_regular(): top = Image(topImg) bottom = Image(bottomImg) results = [] results.append(bottom.blit(top)) results.append(bottom.blit(top,pos=(-10,-10))) results.append(bottom.blit(top,pos=(-10,10))) results.append(bottom.blit(top,pos=(10,-10))) results.append(bottom.blit(top,pos=(10,10))) name_stem = "test_blit_regular" perform_diff(results,name_stem) pass def test_blit_mask(): top = Image(topImg) bottom = Image(bottomImg) mask = Image(maskImg) results = [] results.append(bottom.blit(top,mask=mask)) results.append(bottom.blit(top,mask=mask,pos=(-50,-50))) results.append(bottom.blit(top,mask=mask,pos=(-50,50))) results.append(bottom.blit(top,mask=mask,pos=(50,-50))) results.append(bottom.blit(top,mask=mask,pos=(50,50))) name_stem = "test_blit_mask" perform_diff(results,name_stem) pass def test_blit_alpha(): top = Image(topImg) bottom = Image(bottomImg) a = 0.5 results = [] results.append(bottom.blit(top,alpha=a)) results.append(bottom.blit(top,alpha=a,pos=(-50,-50))) results.append(bottom.blit(top,alpha=a,pos=(-50,50))) results.append(bottom.blit(top,alpha=a,pos=(50,-50))) results.append(bottom.blit(top,alpha=a,pos=(50,50))) name_stem = "test_blit_alpha" perform_diff(results,name_stem) pass def test_blit_alpha_mask(): top = Image(topImg) bottom = Image(bottomImg) aMask = Image(alphaMaskImg) results = [] results.append(bottom.blit(top,alphaMask=aMask)) results.append(bottom.blit(top,alphaMask=aMask,pos=(-10,-10))) results.append(bottom.blit(top,alphaMask=aMask,pos=(-10,10))) results.append(bottom.blit(top,alphaMask=aMask,pos=(10,-10))) results.append(bottom.blit(top,alphaMask=aMask,pos=(10,10))) name_stem = "test_blit_alpha_mask" perform_diff(results,name_stem) pass def test_whiteBalance(): img = Image("../sampleimages/BadWB2.jpg") output = img.whiteBalance() output2 = img.whiteBalance(method="GrayWorld") results = [output,output2] name_stem = "test_whiteBalance" perform_diff(results,name_stem) def test_hough_circles(): img = Image(circles) circs = img.findCircle(thresh=100) circs.draw() if( circs[0] < 1 ): assert False circs[0].coordinates() circs[0].width() circs[0].area() circs[0].perimeter() circs[0].height() circs[0].radius() circs[0].diameter() circs[0].colorDistance() circs[0].meanColor() circs[0].distanceFrom(point=(0,0)) circs[0].draw() img2 = circs[0].crop() img3 = circs[0].crop(noMask=True) results = [img,img2,img3] name_stem = "test_hough_circle" perform_diff(results,name_stem) if( img2 is not None and img3 is not None ): pass else: assert False def test_drawRectangle(): img = Image(testimage2) img.drawRectangle(0,0,100,100,color=Color.BLUE,width=0,alpha=0) img.drawRectangle(1,1,100,100,color=Color.BLUE,width=2,alpha=128) img.drawRectangle(1,1,100,100,color=Color.BLUE,width=1,alpha=128) img.drawRectangle(2,2,100,100,color=Color.BLUE,width=1,alpha=255) img.drawRectangle(3,3,100,100,color=Color.BLUE) img.drawRectangle(4,4,100,100,color=Color.BLUE,width=12) img.drawRectangle(5,5,100,100,color=Color.BLUE,width=-1) results = [img] name_stem = "test_drawRectangle" perform_diff(results,name_stem) pass def test_BlobMinRect(): img = Image(testimageclr) blobs = img.findBlobs() for b in blobs: b.drawMinRect(color=Color.BLUE,width=3,alpha=123) results = [img] name_stem = "test_BlobMinRect" perform_diff(results,name_stem) pass def test_BlobRect(): img = Image(testimageclr) blobs = img.findBlobs() for b in blobs: b.drawRect(color=Color.BLUE,width=3,alpha=123) results = [img] name_stem = "test_BlobRect" perform_diff(results,name_stem) pass def test_blob_isa_methods(): img1 = Image(circles) img2 = Image("../sampleimages/blockhead.png") blobs = img1.findBlobs().sortArea() t1 = blobs[-1].isCircle() f1 = blobs[-1].isRectangle() blobs = img2.findBlobs().sortArea() f2 = blobs[-1].isCircle() t2 = blobs[-1].isRectangle() if( t1 and t2 and not f1 and not f2): pass else: assert False def test_findKeypoints(): try: import cv2 except: pass return img = Image(testimage2) kp = img.findKeypoints() for k in kp: k.getObject() k.descriptor() k.quality() k.octave() k.flavor() k.angle() k.coordinates() k.draw() k.distanceFrom() k.meanColor() k.area() k.perimeter() k.width() k.height() k.radius() k.crop() kp.draw() results = [img] name_stem = "test_findKeypoints" perform_diff(results,name_stem) pass def test_movement_feature(): current1 = Image("../sampleimages/flow_simple1.png") prev = Image("../sampleimages/flow_simple2.png") fs = current1.findMotion(prev, window=7) if( len(fs) > 0 ): fs.draw(color=Color.RED) img = fs[0].crop() color = fs[1].meanColor() wndw = fs[1].windowSz() for f in fs: f.vector() f.magnitude() else: assert False current2 = Image("../sampleimages/flow_simple1.png") fs = current2.findMotion(prev, window=7,method='HS') if( len(fs) > 0 ): fs.draw(color=Color.RED) img = fs[0].crop() color = fs[1].meanColor() wndw = fs[1].windowSz() for f in fs: f.vector() f.magnitude() else: assert False current3 = Image("../sampleimages/flow_simple1.png") fs = current3.findMotion(prev, window=7,method='LK',aggregate=False) if( len(fs) > 0 ): fs.draw(color=Color.RED) img = fs[0].crop() color = fs[1].meanColor() wndw = fs[1].windowSz() for f in fs: f.vector() f.magnitude() else: assert False results = [current1,current2,current3] name_stem = "test_movement_feature" perform_diff(results,name_stem,tolerance=4.0) pass def test_keypoint_extraction(): try: import cv2 except: pass return img1 = Image("../sampleimages/KeypointTemplate2.png") img2 = Image("../sampleimages/KeypointTemplate2.png") img3 = Image("../sampleimages/KeypointTemplate2.png") kp1 = img1.findKeypoints() kp2 = img2.findKeypoints(highQuality=True) kp3 = img3.findKeypoints(flavor="STAR") kp1.draw() kp2.draw() kp3.draw() #TODO: Fix FAST binding #~ kp4 = img.findKeypoints(flavor="FAST",min_quality=10) if( len(kp1)==190 and len(kp2)==190 and len(kp3)==37 #~ and len(kp4)==521 ): pass else: assert False results = [img1,img2,img3] name_stem = "test_keypoint_extraction" perform_diff(results,name_stem,tolerance=3.0) def test_keypoint_match(): try: import cv2 except: pass return template = Image("../sampleimages/KeypointTemplate2.png") match0 = Image("../sampleimages/kptest0.png") match1 = Image("../sampleimages/kptest1.png") match3 = Image("../sampleimages/kptest2.png") match2 = Image("../sampleimages/aerospace.jpg")# should be none fs0 = match0.findKeypointMatch(template)#test zero fs1 = match1.findKeypointMatch(template,quality=300.00,minDist=0.5,minMatch=0.2) fs3 = match3.findKeypointMatch(template,quality=300.00,minDist=0.5,minMatch=0.2) print "This should fail" fs2 = match2.findKeypointMatch(template,quality=500.00,minDist=0.2,minMatch=0.1) if( fs0 is not None and fs1 is not None and fs2 is None and fs3 is not None): fs0.draw() fs1.draw() fs3.draw() f = fs0[0] f.drawRect() f.draw() f.getHomography() f.getMinRect() #f.meanColor() f.crop() f.x f.y f.coordinates() else: assert False results = [match0,match1,match2,match3] name_stem = "test_find_keypoint_match" perform_diff(results,name_stem) def test_draw_keypoint_matches(): try: import cv2 except: pass return template = Image("../sampleimages/KeypointTemplate2.png") match0 = Image("../sampleimages/kptest0.png") result = match0.drawKeypointMatches(template,thresh=500.00,minDist=0.15,width=1) results = [result] name_stem = "test_draw_keypoint_matches" perform_diff(results,name_stem,tolerance=4.0) pass def test_skeletonize(): img = Image(logo) s = img.skeletonize() s2 = img.skeletonize(10) results = [s,s2] name_stem = "test_skelotinze" perform_diff(results,name_stem) pass def test_smartThreshold(): img = Image("../sampleimages/RatTop.png") mask = Image((img.width,img.height)) mask.dl().circle((100,100),80,color=Color.MAYBE_BACKGROUND,filled=True) mask.dl().circle((100,100),60,color=Color.MAYBE_FOREGROUND,filled=True) mask.dl().circle((100,100),40,color=Color.FOREGROUND,filled=True) mask = mask.applyLayers() new_mask1 = img.smartThreshold(mask=mask) new_mask2 = img.smartThreshold(rect=(30,30,150,185)) results = [new_mask1,new_mask2] name_stem = "test_smartThreshold" perform_diff(results,name_stem) pass def test_smartFindBlobs(): img = Image("../sampleimages/RatTop.png") mask = Image((img.width,img.height)) mask.dl().circle((100,100),80,color=Color.MAYBE_BACKGROUND,filled=True) mask.dl().circle((100,100),60,color=Color.MAYBE_FOREGROUND,filled=True) mask.dl().circle((100,100),40,color=Color.FOREGROUND,filled=True) mask = mask.applyLayers() blobs = img.smartFindBlobs(mask=mask) blobs.draw() results = [img] if( len(blobs) < 1 ): assert False for t in range(2,3): img = Image("../sampleimages/RatTop.png") blobs2 = img.smartFindBlobs(rect=(30,30,150,185),thresh_level=t) if(blobs2 is not None): blobs2.draw() results.append(img) name_stem = "test_smartFindBlobs" perform_diff(results,name_stem) pass def test_getDFTLogMagnitude(): img = Image("../sampleimages/RedDog2.jpg") lm3 = img.getDFTLogMagnitude() lm1 = img.getDFTLogMagnitude(grayscale=True) results = [lm3,lm1] name_stem = "test_getDFTLogMagnitude" perform_diff(results,name_stem) pass def test_applyDFTFilter(): img = Image("../sampleimages/RedDog2.jpg") flt = Image("../sampleimages/RedDogFlt.png") f1 = img.applyDFTFilter(flt) f2 = img.applyDFTFilter(flt,grayscale=True) results = [f1,f2] name_stem = "test_applyDFTFilter" perform_diff(results,name_stem) pass def test_highPassFilter(): img = Image("../sampleimages/RedDog2.jpg") a = img.highPassFilter(0.5) b = img.highPassFilter(0.5,grayscale=True) c = img.highPassFilter(0.5,yCutoff=0.4) d = img.highPassFilter(0.5,yCutoff=0.4,grayscale=True) e = img.highPassFilter([0.5,0.4,0.3]) f = img.highPassFilter([0.5,0.4,0.3],yCutoff=[0.5,0.4,0.3]) results = [a,b,c,d,e,f] name_stem = "test_HighPassFilter" perform_diff(results,name_stem) pass def test_lowPassFilter(): img = Image("../sampleimages/RedDog2.jpg") a = img.lowPassFilter(0.5) b = img.lowPassFilter(0.5,grayscale=True) c = img.lowPassFilter(0.5,yCutoff=0.4) d = img.lowPassFilter(0.5,yCutoff=0.4,grayscale=True) e = img.lowPassFilter([0.5,0.4,0.3]) f = img.lowPassFilter([0.5,0.4,0.3],yCutoff=[0.5,0.4,0.3]) results = [a,b,c,d,e,f] name_stem = "test_LowPassFilter" perform_diff(results,name_stem) pass def test_findHaarFeatures(): img = Image("../sampleimages/orson_welles.jpg") face = HaarCascade("face.xml") f = img.findHaarFeatures(face) f2 = img.findHaarFeatures("face.xml") if( len(f) > 0 and len(f2) > 0 ): f.draw() f2.draw() f[0].width() f[0].height() f[0].draw() f[0].x f[0].y f[0].length() f[0].area() pass else: assert False results = [img] name_stem = "test_findHaarFeatures" perform_diff(results,name_stem) def test_biblical_flood_fill(): img = Image(testimage2) b = img.findBlobs() img.floodFill(b.coordinates(),tolerance=3,color=Color.RED) img.floodFill(b.coordinates(),tolerance=(3,3,3),color=Color.BLUE) img.floodFill(b.coordinates(),tolerance=(3,3,3),color=Color.GREEN,fixed_range=False) img.floodFill((30,30),lower=3,upper=5,color=Color.ORANGE) img.floodFill((30,30),lower=3,upper=(5,5,5),color=Color.ORANGE) img.floodFill((30,30),lower=(3,3,3),upper=5,color=Color.ORANGE) img.floodFill((30,30),lower=(3,3,3),upper=(5,5,5)) results = [img] name_stem = "test_biblical_flood_fill" perform_diff(results,name_stem) pass def test_flood_fill_to_mask(): img = Image(testimage2) b = img.findBlobs() imask = img.edges() omask = img.floodFillToMask(b.coordinates(),tolerance=10) omask2 = img.floodFillToMask(b.coordinates(),tolerance=(3,3,3),mask=imask) omask3 = img.floodFillToMask(b.coordinates(),tolerance=(3,3,3),mask=imask,fixed_range=False) results = [omask,omask2,omask3] name_stem = "test_flood_fill_to_mask" perform_diff(results,name_stem) pass def test_findBlobsFromMask(): img = Image(testimage2) mask = img.binarize().invert() b1 = img.findBlobsFromMask(mask) b2 = img.findBlobs() b1.draw() b2.draw() results = [img] name_stem = "test_findBlobsFromMask" perform_diff(results,name_stem) if(len(b1) == len(b2) ): pass else: assert False def test_bandPassFilter(): img = Image("../sampleimages/RedDog2.jpg") a = img.bandPassFilter(0.1,0.3) b = img.bandPassFilter(0.1,0.3,grayscale=True) c = img.bandPassFilter(0.1,0.3,yCutoffLow=0.1,yCutoffHigh=0.3) d = img.bandPassFilter(0.1,0.3,yCutoffLow=0.1,yCutoffHigh=0.3,grayscale=True) e = img.bandPassFilter([0.1,0.2,0.3],[0.5,0.5,0.5]) f = img.bandPassFilter([0.1,0.2,0.3],[0.5,0.5,0.5],yCutoffLow=[0.1,0.2,0.3],yCutoffHigh=[0.6,0.6,0.6]) results = [a,b,c,d,e,f] name_stem = "test_bandPassFilter" perform_diff(results,name_stem) def test_line_crop(): img = Image("../sampleimages/EdgeTest2.png") l = img.findLines().sortArea() l = l[-5:-1] results = [] for ls in l: results.append( ls.crop() ) name_stem = "test_lineCrop" perform_diff(results,name_stem,tolerance=3.0) pass def test_on_edge(): img1 = "./../sampleimages/EdgeTest1.png" img2 = "./../sampleimages/EdgeTest2.png" imgA = Image(img1) imgB = Image(img2) imgC = Image(img2) imgD = Image(img2) imgE = Image(img2) blobs = imgA.findBlobs() circs = imgB.findCircle(thresh=200) corners = imgC.findCorners() kp = imgD.findKeypoints() lines = imgE.findLines() rim = blobs.onImageEdge() inside = blobs.notOnImageEdge() rim.draw(color=Color.RED) inside.draw(color=Color.BLUE) rim = circs.onImageEdge() inside = circs.notOnImageEdge() rim.draw(color=Color.RED) inside.draw(color=Color.BLUE) #rim = corners.onImageEdge() inside = corners.notOnImageEdge() #rim.draw(color=Color.RED) inside.draw(color=Color.BLUE) #rim = kp.onImageEdge() inside = kp.notOnImageEdge() #rim.draw(color=Color.RED) inside.draw(color=Color.BLUE) rim = lines.onImageEdge() inside = lines.notOnImageEdge() rim.draw(color=Color.RED) inside.draw(color=Color.BLUE) results = [imgA,imgB,imgC,imgD,imgE] name_stem = "test_onEdge_Features" perform_diff(results,name_stem,tolerance=7.0) def test_feature_angles(): img = Image("../sampleimages/rotation2.png") img2 = Image("../sampleimages/rotation.jpg") img3 = Image("../sampleimages/rotation.jpg") b = img.findBlobs() l = img2.findLines() k = img3.findKeypoints() for bs in b: tl = bs.topLeftCorner() img.drawText(str(bs.angle()),tl[0],tl[1],color=Color.RED) for ls in l: tl = ls.topLeftCorner() img2.drawText(str(ls.angle()),tl[0],tl[1],color=Color.GREEN) for ks in k: tl = ks.topLeftCorner() img3.drawText(str(ks.angle()),tl[0],tl[1],color=Color.BLUE) results = [img,img2,img3] name_stem = "test_feature_angles" perform_diff(results,name_stem,tolerance=9.0) def test_feature_angles_rotate(): img = Image("../sampleimages/rotation2.png") b = img.findBlobs() results = [] for bs in b: temp = bs.crop() derp = temp.rotate(bs.angle(),fixed=False) derp.drawText(str(bs.angle()),10,10,color=Color.RED) results.append(derp) bs.rectifyMajorAxis() results.append(bs.blobImage()) name_stem = "test_feature_angles_rotate" perform_diff(results,name_stem,tolerance=7.0) def test_minrect_blobs(): img = Image("../sampleimages/bolt.png") img = img.invert() results = [] for i in range(-10,10): ang = float(i*18.00) print ang t = img.rotate(ang) b = t.findBlobs(threshval=128) b[-1].drawMinRect(color=Color.RED,width=5) results.append(t) name_stem = "test_minrect_blobs" perform_diff(results,name_stem,tolerance=11.0) def test_pixelize(): img = Image("../sampleimages/The1970s.png") img1 = img.pixelize(4) img2 = img.pixelize((5,13)) img3 = img.pixelize((img.width/10,img.height)) img4 = img.pixelize((img.width,img.height/10)) img5 = img.pixelize((12,12),(200,180,250,250)) img6 = img.pixelize((12,12),(600,80,250,250)) img7 = img.pixelize((12,12),(600,80,250,250),levels=4) img8 = img.pixelize((12,12),levels=6) #img9 = img.pixelize(4, ) #img10 = img.pixelize((5,13)) #img11 = img.pixelize((img.width/10,img.height), mode=True) #img12 = img.pixelize((img.width,img.height/10), mode=True) #img13 = img.pixelize((12,12),(200,180,250,250), mode=True) #img14 = img.pixelize((12,12),(600,80,250,250), mode=True) #img15 = img.pixelize((12,12),(600,80,250,250),levels=4, mode=True) #img16 = img.pixelize((12,12),levels=6, mode=True) results = [img1,img2,img3,img4,img5,img6,img7,img8] #img9,img10,img11,img12,img13,img14,img15,img16] name_stem = "test_pixelize" perform_diff(results,name_stem,tolerance=6.0) def test_point_intersection(): img = Image("simplecv") e = img.edges(0,100) for x in range(25,225,25): a = (x,25) b = (125,125) pts = img.edgeIntersections(a,b,width=1) e.drawLine(a,b,color=Color.RED) e.drawCircle(pts[0],10,color=Color.GREEN) for x in range(25,225,25): a = (25,x) b = (125,125) pts = img.edgeIntersections(a,b,width=1) e.drawLine(a,b,color=Color.RED) e.drawCircle(pts[0],10,color=Color.GREEN) for x in range(25,225,25): a = (x,225) b = (125,125) pts = img.edgeIntersections(a,b,width=1) e.drawLine(a,b,color=Color.RED) e.drawCircle(pts[0],10,color=Color.GREEN) for x in range(25,225,25): a = (225,x) b = (125,125) pts = img.edgeIntersections(a,b,width=1) e.drawLine(a,b,color=Color.RED) e.drawCircle(pts[0],10,color=Color.GREEN) results = [e] name_stem = "test_point_intersection" perform_diff(results,name_stem,tolerance=6.0) def test_getSkintoneMask(): imgSet = [] imgSet.append(Image('../sampleimages/040000.jpg')) imgSet.append(Image('../sampleimages/040001.jpg')) imgSet.append(Image('../sampleimages/040002.jpg')) imgSet.append(Image('../sampleimages/040003.jpg')) imgSet.append(Image('../sampleimages/040004.jpg')) imgSet.append(Image('../sampleimages/040005.jpg')) imgSet.append(Image('../sampleimages/040006.jpg')) imgSet.append(Image('../sampleimages/040007.jpg')) masks = [img.getSkintoneMask() for img in imgSet] VISUAL_TEST = True name_stem = 'test_skintone' perform_diff(masks,name_stem,tolerance=17) def test_sobel(): img = Image("lenna") s = img.sobel() name_stem = "test_sobel" s = [s] perform_diff(s,name_stem) def test_image_new_smooth(): img = Image(testimage2) result = [] result.append(img.medianFilter()) result.append(img.medianFilter((3,3))) result.append(img.medianFilter((5,5),grayscale=True)) result.append(img.bilateralFilter()) result.append(img.bilateralFilter(diameter=14,sigmaColor=20, sigmaSpace=34)) result.append(img.bilateralFilter(grayscale=True)) result.append(img.blur()) result.append(img.blur((5,5))) result.append(img.blur((3,5),grayscale=True)) result.append(img.gaussianBlur()) result.append(img.gaussianBlur((3,7), sigmaX=10 , sigmaY=12)) result.append(img.gaussianBlur((7,9), sigmaX=10 , sigmaY=12, grayscale=True)) name_stem = "test_image_new_smooth" perform_diff(result,name_stem) pass def test_camshift(): ts = [] bb = (195, 160, 49, 46) imgs = [Image(img) for img in trackimgs] ts = imgs[0].track("camshift", ts, imgs[1:], bb) if ts: pass else: assert False def test_lk(): ts = [] bb = (195, 160, 49, 46) imgs = [Image(img) for img in trackimgs] ts = imgs[0].track("LK", ts, imgs[1:], bb) if ts: pass else: assert False
import "./app1.css"; import $ from "jquery"; const $button1 = $("#add1"); const $button2 = $("#minus1"); const $button3 = $("#mul2"); const $button4 = $("#divide2"); const $number = $("#number"); const n = localStorage.getItem("n"); $number.text(n || 100); $button1.on("click", () => { let n = parseInt($number.text()); n += 1; localStorage.setItem("n", n); $number.text(n); }); $button2.on("click", () => { let n = parseInt($number.text()); n -= 1; localStorage.setItem("n", n); $number.text(n); }); $button3.on("click", () => { let n = parseInt($number.text()); n *= 2; localStorage.setItem("n", n); $number.text(n); }); $button4.on("click", () => { let n = parseInt($number.text()); n /= 2; localStorage.setItem("n", n); $number.text(n); });